diff --git a/primer/electrical_circuits.html b/primer/electrical_circuits.html index 32d93b4..723c389 100644 --- a/primer/electrical_circuits.html +++ b/primer/electrical_circuits.html @@ -285,7 +285,7 @@

- @@ -299,7 +299,7 @@

- diff --git a/primer/first_order_odes.html b/primer/first_order_odes.html index faaf40c..31665b4 100644 --- a/primer/first_order_odes.html +++ b/primer/first_order_odes.html @@ -160,8 +160,8 @@

+ + + + Example: Heat Equation - DiffSol + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + + + + +
+ +
+ + + + + + + + +
+
+

Example: Heat equation

+

Lets consider a simple example, the heat equation. The heat equation is a PDE that describes how the temperature of a material changes over time. In one dimension, the heat equation is

+

\[ +\frac{\partial u}{\partial t} = D \frac{\partial^2 u}{\partial x^2} +\]

+

where \(u(x, t)\) is the temperature of the material at position \(x\) and time \(t\), and \(D\) is the thermal diffusivity of the material. To solve this equation, we need to discretize it in space and time. We can use a finite difference method to do this.

+

Finite difference method

+

The finite difference method is a numerical method for discretising a spatial derivative like \(\frac{\partial^2 u}{\partial x^2}\). It approximates this continuous term by a discrete term, in this case the multiplication of a matrix by a vector. We can use this discretisation method to convert the heat equation into a system of ODEs suitable for DiffSol.

+

We will not go into the details of the finite difference method here but mearly derive a single finite difference approximation for the term \(\frac{\partial^2 u}{\partial x^2}\), or \(u_{xx}\) using more compact notation.

+

The central FD approximation of \(u_{xx}\) is:

+

\[ +u_{xx} \approx \frac{u(x + h) - 2u(x) + u(x-h)}{h^2} +\]

+

where \(h\) is the spacing between points along the x-axis.

+

We will discretise \(u_{xx} = 0\) at \(N\) regular points along \(x\) from 0 to 1, given by \(x_1\), \(x_2\), ...

+
          +----+----+----------+----+> x
+          0   x_1  x_2    ... x_N   1
+
+

Using this set of point and the discretised equation, this gives a set of \(N\) equations at each interior point on the domain:

+

\[ +\frac{v_{i+1} - 2v_i + v_{i-1}}{h^2} \text{ for } i = 1...N +\]

+

where \(v_i \approx u(x_i)\)

+

We will need additional equations at \(x=0\) and \(x=1\), known as the boundary conditions. For this example we will use \(u(x) = g(x)\) at \(x=0\) and \(x=1\) (also known as a non-homogenous Dirichlet bc), so that \(v_0 = g(0)\), and \(v_{N+1} = g(1)\), and the equation at \(x_1\) becomes:

+

\[ +\frac{v_{i+1} - 2v_i + g(0)}{h^2} +\]

+

and the equation at \(x_N\) becomes:

+

\[ +\frac{g(1) - 2v_i + v_{i-1}}{h^2} +\]

+

We can therefore represent the final \(N\) equations in matrix form like so:

+

\[ +\frac{1}{h^2} +\begin{bmatrix} -2 & 1 & & & \\ +1 & -2 & 1 & & \\ +&\ddots & \ddots & \ddots &\\ +& & 1 & -2 & 1 \\ +& & & 1 & -2 \end{bmatrix} +\begin{bmatrix} v_1 \\ +v_2 \\ +\vdots \\ +v_{N-1}\\ +v_{N} +\end{bmatrix} + \frac{1}{h^2} \begin{bmatrix} g(0) \\ +0 \\ +\vdots \\ +0 \\ +g(1) +\end{bmatrix} +\]

+

The relevant sparse matrix here is \(A\), given by

+

\[ +A = \begin{bmatrix} -2 & 1 & & & \\ +1 & -2 & 1 & & \\ +&\ddots & \ddots & \ddots &\\ +& & 1 & -2 & 1 \\ +& & & 1 & -2 \end{bmatrix} +\]

+

As you can see, the number of non-zero elements grows linearly with the size \(N\), so a sparse matrix format is much preferred over a dense matrix holding all \(N^2\) elements! +The additional vector that encodes the boundary conditions is \(b\), given by

+

\[ +b = \begin{bmatrix} g(0) \\ +0 \\ +\vdots \\ +0 \\ +g(1) +\end{bmatrix} +\]

+

Method of Lines Approximation

+

We can use our FD approximation of the spatial derivative to convert the heat equation into a system of ODEs. We can write the heat equation as:

+

\[ +\frac{du}{dt} = D \frac{d^2 u}{dx^2} \approx \frac{D}{h^2} (A u + b) +\]

+

where \(u\) is a vector of temperatures at each point in space, \(A\) and \(b\) is the sparse matrix and vector we derived above. This is a system of ODEs that we can solve using DiffSol.

+

DiffSol Implementation

+
use diffsol::{
+    DiffSl, OdeBuilder, CraneliftModule, SparseColMat, FaerSparseLU, 
+    OdeSolverMethod
+};
+use plotly::{
+    layout::{Axis, Layout}, Plot, Surface
+};
+use std::fs;
+fn main() {
+type M = SparseColMat<f64>;
+type LS = FaerSparseLU<f64>;
+type CG = CraneliftModule;
+
+let eqn = DiffSl::<M, CG>::compile("
+    D { 1.0 }
+    h { 1.0 }
+    g { 0.0 }
+    m { 1.0 }
+    A_ij {
+        (0, 0): -2.0,
+        (0, 1): 1.0,
+        (1, 0): 1.0,
+        (1, 1): -2.0,
+        (1, 2): 1.0,
+        (2, 1): 1.0,
+        (2, 2): -2.0,
+        (2, 3): 1.0,
+        (3, 2): 1.0,
+        (3, 3): -2.0,
+        (3, 4): 1.0,
+        (4, 3): 1.0,
+        (4, 4): -2.0,
+        (4, 5): 1.0,
+        (5, 4): 1.0,
+        (5, 5): -2.0,
+        (5, 6): 1.0,
+        (6, 5): 1.0,
+        (6, 6): -2.0,
+        (6, 7): 1.0,
+        (7, 6): 1.0,
+        (7, 7): -2.0,
+        (7, 8): 1.0,
+        (8, 7): 1.0,
+        (8, 8): -2.0,
+        (8, 9): 1.0,
+        (9, 8): 1.0,
+        (9, 9): -2.0,
+        (9, 10): 1.0,
+        (10, 9): 1.0,
+        (10, 10): -2.0,
+        (10, 11): 1.0,
+        (11, 10): 1.0,
+        (11, 11): -2.0,
+        (11, 12): 1.0,
+        (12, 11): 1.0,
+        (12, 12): -2.0,
+        (12, 13): 1.0,
+        (13, 12): 1.0,
+        (13, 13): -2.0,
+        (13, 14): 1.0,
+        (14, 13): 1.0,
+        (14, 14): -2.0,
+        (14, 15): 1.0,
+        (15, 14): 1.0,
+        (15, 15): -2.0,
+        (15, 16): 1.0,
+        (16, 15): 1.0,
+        (16, 16): -2.0,
+        (16, 17): 1.0,
+        (17, 16): 1.0,
+        (17, 17): -2.0,
+        (17, 18): 1.0,
+        (18, 17): 1.0,
+        (18, 18): -2.0,
+        (18, 19): 1.0,
+        (19, 18): 1.0,
+        (19, 19): -2.0,
+        (19, 20): 1.0,
+        (20, 19): 1.0,
+        (20, 20): -2.0,
+    }
+    b_i { 
+        (0): g,
+        (1:20): 0.0,
+        (20): g,
+    }
+    u_i {
+        (0:5): g,
+        (5:15): g + m,
+        (15:21): g,
+    }
+    heat_i { A_ij * u_j }
+    F_i {
+        D * (heat_i + b_i) / (h * h)
+    }
+").unwrap();
+
+
+let problem = OdeBuilder::<M>::new()
+    .build_from_eqn(eqn)
+    .unwrap();
+let times = (0..50).map(|i| i as f64).collect::<Vec<f64>>();
+let mut solver = problem.bdf::<LS>().unwrap();
+let sol = solver.solve_dense(&times).unwrap();
+
+let x = (0..21).map(|i| i as f64).collect::<Vec<f64>>();
+let y = times;
+let z = sol.col_iter().map(|v| v.iter().copied().collect::<Vec<f64>>()).collect::<Vec<Vec<f64>>>();
+let trace = Surface::new(z).x(x).y(y);
+let mut plot = Plot::new();
+plot.add_trace(trace);
+let layout = Layout::new()
+    .x_axis(Axis::new().title("x"))
+    .y_axis(Axis::new().title("t"))
+    .z_axis(Axis::new().title("u"));
+plot.set_layout(layout);
+let plot_html = plot.to_inline_html(Some("heat-equation"));
+fs::write("../src/primer/images/heat-equation.html", plot_html).expect("Unable to write file");
+}
+
+ +
+ + +
+
+ + + +
+ + + + + + + + + + + + + + + + + + +
+ + diff --git a/primer/images/battery-simulation.html b/primer/images/battery-simulation.html new file mode 100644 index 0000000..db39085 --- /dev/null +++ b/primer/images/battery-simulation.html @@ -0,0 +1,4 @@ +
+ \ No newline at end of file diff --git a/primer/images/heat-equation.html b/primer/images/heat-equation.html new file mode 100644 index 0000000..76954c9 --- /dev/null +++ b/primer/images/heat-equation.html @@ -0,0 +1,4 @@ +
+ \ No newline at end of file diff --git a/primer/pdes.html b/primer/pdes.html new file mode 100644 index 0000000..24a718c --- /dev/null +++ b/primer/pdes.html @@ -0,0 +1,226 @@ + + + + + + PDEs - DiffSol + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + + + + +
+ +
+ + + + + + + + +
+
+

Partial Differential Equations (PDEs)

+

DiffSol is an ODE solver, but it can also solve PDEs. The idea is to discretize the PDE in space and time, and then solve the resulting system of ODEs. This is called the method of lines.

+

Discretizing a PDE is a large topic, and there are many ways to do it. Common methods include finite difference, finite volume, finite element, and spectral methods. Finite difference methods are the simplest to understand and implement, so some of the examples in this book will demonstrate this method to give you a flavour of how to solve PDEs with DiffSol. However, in general we recommend that you use another package to discretise you PDE, and then import the resulting ODE system into DiffSol for solving.

+

Some useful packages

+

There are many packages in the Python and Julia ecosystems that can help you discretise your PDE. Here are a few that we know of, but there are many more out there:

+

Python

+
    +
  • FEniCS: A finite element package. Uses the Unified Form Language (UFL) to specify PDEs.
  • +
  • FireDrake: A finite element package, uses the same UFL as FEniCS.
  • +
  • FiPy: A finite volume package.
  • +
  • scikit-fdiff: A finite difference package.
  • +
+

Julia:

+ + +
+ + +
+
+ + + +
+ + + + + + + + + + + + + + + + + + +
+ + diff --git a/primer/physics_based_battery_simulation.html b/primer/physics_based_battery_simulation.html new file mode 100644 index 0000000..c5dffee --- /dev/null +++ b/primer/physics_based_battery_simulation.html @@ -0,0 +1,338 @@ + + + + + + Example: Physics-based Battery Simulation - DiffSol + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + + + + +
+ +
+ + + + + + + + +
+
+

Physics-based Battery Simulation

+

Traditional battery models are based on equivalent circuit models, similar to the circuit modelled in section Electrical Circuits. +These models are simple and computationally efficient, but they lack the ability to capture all of the complex electrochemical processes that occur in a battery. +Physics-based models, on the other hand, are based on the electrochemical processes that occur in the battery, and can provide a more detailed description of the battery's behaviour. +They are parameterized by physical properties of the battery, such as the diffusion coefficients of lithium ions in the electrodes, the reaction rate constants, and the surface area of the electrodes, +and can be used to predict the battery's performance under different operating conditions, once these parameters are known.

+

The Single Particle Model (SPM) is a physics-based model of a lithium-ion battery. It describes the diffusion of lithium ions in the positive and negative electrodes of the battery over a 1D radial domain, assuming that the properties of the electrodes are uniform across the thickness of the electrode. Here we will describe the equations that govern the SPM, and show how to solve them at different current rates to calculate the terminal voltage of the battery.

+

The Single Particle Model state equations

+

The SPM model only needs to solve for the concentration of lithium ions in the positive and negative electrodes, \(c_n\) and \(c_p\). The diffusion of lithium ions in each electrode particle \(c_i\) is given by:

+

\[ +\frac{\partial c_i}{\partial t} = \nabla \cdot (D_i \nabla c_i) +\]

+

subject to the following boundary and initial conditions:

+

\[ +\left.\frac{\partial c_i}{\partial r}\right\vert_{r=0} = 0, \quad \left.\frac{\partial c}{\partial r}\right\vert_{r=R_i} = -j_i, \quad \left.c\right\vert_{t=0} = c^0_i +\]

+

where \(c_i\) is the concentration of lithium ions in the positive (\(i=n\)) or negative (\(i=p\)) electrode, \(D_i\) is the diffusion coefficient, \(j_i\) is the interfacial current density, and \(c^0_i\) is the concentration at the particle surface.

+

The fluxes of lithium ions in the positive and negative electrodes \(j_i\) are dependent on the applied current \(I\):

+

\[ +j_n = \frac{I}{a_n \delta_n F \mathcal{A}}, \qquad +j_p = \frac{-I}{a_p \delta_p F \mathcal{A}}, +\]

+

where \(a_i = 3 \epsilon_i / R_i\) is the specific surface area of the electrode, \(\epsilon_i\) is the volume fraction of active material, \(\delta_i\) is the thickness of the electrode, \(F\) is the Faraday constant, and \(\mathcal{A}\) is the electrode surface area.

+

Output variables for the Single Particle Model

+

Now that we have defined the equations to solve, we turn to the output variables that we need to calculate from the state variables \(c_n\) and \(c_p\). The terminal voltage of the battery is given by:

+

\[ +V = U_p(x_p^s) - U_n(x_n^s) + \eta_p - \eta_n +\]

+

where \(U_i\) is the open circuit potential (OCP) of the electrode, \(x_i^s = c_i(r=R_i) / c_i^{max}\) is the surface stoichiometry, and \(\eta_i\) is the overpotential.

+

Assuming Butler-Volmer kinetics and \(\alpha_i = 0.5\), the overpotential is given by:

+

\[ +\eta_i = \frac{2RT}{F} \sinh^{-1} \left( \frac{j_i F}{2i_{0,i}} \right) +\]

+

where the exchange current density \(i_{0,i}\) is given by:

+

\[ +i_{0,i} = k_i F \sqrt{c_e} \sqrt{c_i(r=R_i)} \sqrt{c_i^{max} - c_i(r=R_i)} +\]

+

where \(c_e\) is the concentration of lithium ions in the electrolyte, and \(k_i\) is the reaction rate constant.

+

Stopping conditions

+

We wish to terminate the simulation if the terminal voltage exceeds an upper threshold \(V_{\text{max}}\) or falls below a lower threshold \(V_{\text{min}}\). DiffSol uses a root-finding algorithm to detect when the terminal voltage crosses these thresholds, using the following stopping conditions:

+

\[ +V_{\text{max}} - V = 0, \qquad +V - V_{\text{min}} = 0, +\]

+

Solving the Single Particle Model using DiffSol

+

Rather than write down the equations ourselves, we will rely on the PyBaMM library to generate the equations for us. PyBaMM is a Python library that can generate a wide variety of physics-based battery models, using different parameterisations, physics and operating conditions. Combined with a tool that takes a PyBaMM model and writes it out in the DiffSL language, we can generate a DiffSL file that can be used to solve the equations of the SPM model described above. We can then use the DiffSol crate to solve the model and calculate the terminal voltage of the battery over a range of current rates.

+

The code below reads in the DiffSL file, compiles it, and then solves the equation for different current rates. We wish to stop the simulation when either the final time is reached, or when one of the stopping conditions is met. We will output the terminal voltage of the battery at regular intervals during the simulation, because the terminal voltage can change more rapidly than the state variables $c_n$ and $c_p$, particularly during the "knee" of the discharge curve.

+

The discretised equations result in sparse matrices, so we use the sparse matrix and linear solver modules provided by the faer crate to solve the equations efficiently.

+
use diffsol::{
+    DiffSl, OdeBuilder, CraneliftModule, SparseColMat, FaerSparseLU, 
+    OdeSolverMethod, OdeSolverStopReason, OdeEquations, NonLinearOp,
+};
+use plotly::{
+    Plot, Scatter, common::Mode, layout::Layout, layout::Axis
+};
+use std::fs;
+fn main() {
+type M = SparseColMat<f64>;
+type LS = FaerSparseLU<f64>;
+type CG = CraneliftModule;
+
+let file = std::fs::read_to_string("../src/primer/src/spm.ds").unwrap();
+
+let eqn = DiffSl::<M, CG>::compile(&file).unwrap();
+let mut problem = OdeBuilder::<M>::new()
+    .p([1.0])
+    .build_from_eqn(eqn)
+    .unwrap();
+let currents = vec![0.6, 0.8, 1.0, 1.2, 1.4];
+let final_time = 3600.0;
+let delta_t = 3.0;
+    
+let mut plot = Plot::new();
+for current in currents {
+    problem.eqn.set_params(&faer::Col::from_fn(1, |_| current));
+
+    let mut solver = problem.bdf::<LS>().unwrap();
+    let mut v = Vec::new();
+    let mut t = Vec::new();
+
+    // save the initial output
+    let mut out = problem.eqn.out().unwrap().call(solver.state().y, solver.state().t);
+    v.push(out[0]);
+    t.push(0.0);
+
+    // solve until the final time is reached
+    // or we reach the stop condition
+    solver.set_stop_time(final_time).unwrap();
+    let mut next_output_time = delta_t;
+    let mut finished = false;
+    while !finished {
+        let curr_t = match solver.step() {
+            Ok(OdeSolverStopReason::InternalTimestep) => solver.state().t,
+            Ok(OdeSolverStopReason::RootFound(t)) => {
+                finished = true;
+                t
+            },
+            Ok(OdeSolverStopReason::TstopReached) => {
+                finished = true;
+                final_time
+            },
+            Err(_) => panic!("unexpected solver error"),
+        };
+        while curr_t > next_output_time {
+            let y = solver.interpolate(next_output_time).unwrap();
+            problem.eqn.out().unwrap().call_inplace(&y, next_output_time, &mut out);
+            v.push(out[0]);
+            t.push(next_output_time);
+            next_output_time += delta_t;
+        }
+    }
+
+    let voltage = Scatter::new(t, v)
+        .mode(Mode::Lines)
+        .name(format!("current = {} A", current));
+    plot.add_trace(voltage);
+}
+
+let layout = Layout::new()
+    .x_axis(Axis::new().title("t [sec]"))
+    .y_axis(Axis::new().title("voltage [V]"));
+plot.set_layout(layout);
+let plot_html = plot.to_inline_html(Some("battery-simulation"));
+fs::write("../src/primer/images/battery-simulation.html", plot_html).expect("Unable to write file");
+}
+
+ + +
+ + +
+
+ + + +
+ + + + + + + + + + + + + + + + + + +
+ + diff --git a/primer/src/spm.ds b/primer/src/spm.ds new file mode 100644 index 0000000..dd9d1f2 --- /dev/null +++ b/primer/src/spm.ds @@ -0,0 +1,194 @@ +in = [currentfunctiona] +currentfunctiona { + 1 +} +constant0_i { + (0:19): 0.0, + (19:20): 3.2835305549534856e-12, +} +constant1_i { + (0:19): 0.0, + (19:20): 4.106800547504748e-12, +} +constant2_i { + (0:1): 243644455.17866704, +} +constant3_i { + (0:1): -520607810.21082705, +} +constant4_i { + (0:1): 0.0002777777777777778, +} +constant5_ij { + (0,18): -0.4999999999999983, + (0,19): 1.4999999999999982, +} +constant6_ij { + (0,1): 1.1999999999999997, + (0,0): -1.1999999999999997, + (1,2): 0.6857142857142855, + (1,1): -0.8571428571428568, + (1,0): 0.1714285714285714, + (2,3): 0.5684210526315789, + (2,2): -0.8210526315789474, + (2,1): 0.2526315789473683, + (3,4): 0.5189189189189185, + (3,3): -0.8108108108108104, + (3,2): 0.2918918918918919, + (4,5): 0.49180327868852414, + (4,4): -0.8065573770491796, + (4,3): 0.31475409836065543, + (5,6): 0.4747252747252752, + (5,5): -0.8043956043956048, + (5,4): 0.32967032967032955, + (6,7): 0.46299212598425177, + (6,6): -0.803149606299213, + (6,5): 0.34015748031496107, + (7,8): 0.45443786982248474, + (7,7): -0.8023668639053245, + (7,6): 0.34792899408283984, + (8,9): 0.4479262672811053, + (8,8): -0.8018433179723491, + (8,7): 0.35391705069124374, + (9,10): 0.4428044280442809, + (9,9): -0.8014760147601476, + (9,8): 0.35867158671586685, + (10,11): 0.43867069486404836, + (10,10): -0.8012084592145023, + (10,9): 0.362537764350454, + (11,12): 0.43526448362720355, + (11,11): -0.801007556675062, + (11,10): 0.36574307304785847, + (12,13): 0.43240938166311266, + (12,12): -0.800852878464818, + (12,11): 0.3684434968017054, + (13,14): 0.42998171846435196, + (13,13): -0.8007312614259608, + (13,12): 0.370749542961609, + (14,15): 0.4278922345483345, + (14,14): -0.8006339144215517, + (14,13): 0.37274167987321727, + (15,16): 0.4260748959778097, + (15,15): -0.8005547850208045, + (15,14): 0.37447988904299473, + (16,17): 0.42447980416156444, + (16,16): -0.8004895960832297, + (16,15): 0.3760097919216652, + (17,18): 0.4230685527747561, + (17,17): -0.8004352557127302, + (17,16): 0.3773667029379742, + (18,19): 0.42181110029211244, + (18,18): -0.800389483933788, + (18,17): 0.37857838364167556, + (19,19): -0.37966695880806406, + (19,18): 0.37966695880806406, +} +constant7_ij { + (0,1): 0.46799999999999997, + (0,0): -0.46799999999999997, + (1,2): 0.26742857142857135, + (1,1): -0.33428571428571413, + (1,0): 0.06685714285714284, + (2,3): 0.2216842105263158, + (2,2): -0.32021052631578945, + (2,1): 0.09852631578947364, + (3,4): 0.20237837837837827, + (3,3): -0.31621621621621615, + (3,2): 0.11383783783783784, + (4,5): 0.19180327868852443, + (4,4): -0.3145573770491801, + (4,3): 0.12275409836065562, + (5,6): 0.18514285714285736, + (5,5): -0.3137142857142859, + (5,4): 0.12857142857142853, + (6,7): 0.18056692913385822, + (6,6): -0.31322834645669306, + (6,5): 0.13266141732283482, + (7,8): 0.17723076923076905, + (7,7): -0.31292307692307664, + (7,6): 0.13569230769230756, + (8,9): 0.17469124423963112, + (8,8): -0.3127188940092162, + (8,7): 0.1380276497695851, + (9,10): 0.17269372693726953, + (9,9): -0.3125756457564576, + (9,8): 0.13988191881918807, + (10,11): 0.17108157099697885, + (10,10): -0.3124712990936559, + (10,9): 0.14138972809667702, + (11,12): 0.16975314861460938, + (11,11): -0.3123929471032742, + (11,10): 0.14263979848866482, + (12,13): 0.16863965884861393, + (12,12): -0.31233262260127903, + (12,11): 0.1436929637526651, + (13,14): 0.16769287020109722, + (13,13): -0.3122851919561247, + (13,12): 0.14459232175502748, + (14,15): 0.16687797147385053, + (14,14): -0.31224722662440524, + (14,13): 0.1453692551505547, + (15,16): 0.1661692094313458, + (15,15): -0.31221636615811377, + (15,14): 0.14604715672676796, + (16,17): 0.16554712362301016, + (16,16): -0.31219094247245965, + (16,15): 0.1466438188494495, + (17,18): 0.1649967355821549, + (17,17): -0.31216974972796485, + (17,16): 0.14717301414580997, + (18,19): 0.16450632911392388, + (18,18): -0.31215189873417737, + (18,17): 0.14764556962025352, + (19,19): -0.14807011393514496, + (19,18): 0.14807011393514496, +} +constant8_ij { + (0,18): -12491.630996921805, + (0,19): 37474.892990765504, +} +constant9_ij { + (0,18): -0.4999999999999983, + (0,19): 1.4999999999999984, +} +constant10_ij { + (0,18): -25608.96286546366, + (0,19): 76826.88859639116, +} +u_i { + dischargecapacityah = 0.0, + throughputcapacityah = 0.0, + (2:22): xaveragednegativeparticleconcentrationmolm3 = 0.8000000000000016, + (22:42): xaveragedpositiveparticleconcentrationmolm3 = 0.6000000000000001, +} +varying0_i { + (constant7_ij * xaveragednegativeparticleconcentrationmolm3_j), +} +varying1_i { + (constant6_ij * xaveragedpositiveparticleconcentrationmolm3_j), +} +varying2_i { + (constant10_ij * xaveragedpositiveparticleconcentrationmolm3_j), +} +varying3_i { + (constant5_ij * xaveragedpositiveparticleconcentrationmolm3_j), +} +varying4_i { + (constant8_ij * xaveragednegativeparticleconcentrationmolm3_j), +} +varying5_i { + (constant9_ij * xaveragednegativeparticleconcentrationmolm3_j), +} +F_i { + (0.0002777777777777778 * currentfunctiona), + (0.0002777777777777778 * abs(currentfunctiona)), + (varying0_i + (constant0_i * (-520607810.21082705 * currentfunctiona))), + (varying1_i + (constant1_i * (243644455.17866704 * currentfunctiona))), +} +out_i { + (((0.05138515824298745 * arcsinh(((-2.3508116177110145 * currentfunctiona) / (2.0 * ((1.8973665961010275e-05 * pow(max(min(varying2_i, 51217.92521874824), 0.000512179257309275), 0.5)) * pow((51217.9257309275 - max(min(varying2_i, 51217.92521874824), 0.000512179257309275)), 0.5)))))) + (((((((2.16216 + (0.07645 * tanh((30.834 - (57.858397200000006 * max(min(varying3_i, 0.9999999999), 1e-10)))))) + (2.1581 * tanh((52.294 - (53.412228 * max(min(varying3_i, 0.9999999999), 1e-10)))))) - (0.14169 * tanh((11.0923 - (21.0852666 * max(min(varying3_i, 0.9999999999), 1e-10)))))) + (0.2051 * tanh((1.4684 - (5.829105600000001 * max(min(varying3_i, 0.9999999999), 1e-10)))))) + (0.2531 * tanh((4.291641337386018 - (8.069908814589667 * max(min(varying3_i, 0.9999999999), 1e-10)))))) - (0.02167 * tanh((-87.5 + (177.0 * max(min(varying3_i, 0.9999999999), 1e-10)))))) + (1e-06 * ((1.0 / max(min(varying3_i, 0.9999999999), 1e-10)) + (1.0 / (-1.0 + max(min(varying3_i, 0.9999999999), 1e-10))))))) - ((0.05138515824298745 * arcsinh(((1.9590096814258458 * currentfunctiona) / (2.0 * ((0.0006324555320336759 * pow(max(min(varying4_i, 24983.261744011077), 0.000249832619938437), 0.5)) * pow((24983.2619938437 - max(min(varying4_i, 24983.261744011077), 0.000249832619938437)), 0.5)))))) + ((((((((((0.194 + (1.5 * exp((-120.0 * max(min(varying5_i, 0.9999999999), 1e-10))))) + (0.0351 * tanh((-3.44578313253012 + (12.048192771084336 * max(min(varying5_i, 0.9999999999), 1e-10)))))) - (0.0045 * tanh((-7.1344537815126055 + (8.403361344537815 * max(min(varying5_i, 0.9999999999), 1e-10)))))) - (0.035 * tanh((-18.466 + (20.0 * max(min(varying5_i, 0.9999999999), 1e-10)))))) - (0.0147 * tanh((-14.705882352941176 + (29.41176470588235 * max(min(varying5_i, 0.9999999999), 1e-10)))))) - (0.102 * tanh((-1.3661971830985917 + (7.042253521126761 * max(min(varying5_i, 0.9999999999), 1e-10)))))) - (0.022 * tanh((-54.8780487804878 + (60.975609756097555 * max(min(varying5_i, 0.9999999999), 1e-10)))))) - (0.011 * tanh((-5.486725663716814 + (44.24778761061947 * max(min(varying5_i, 0.9999999999), 1e-10)))))) + (0.0155 * tanh((-3.6206896551724133 + (34.48275862068965 * max(min(varying5_i, 0.9999999999), 1e-10)))))) + (1e-06 * ((1.0 / max(min(varying5_i, 0.9999999999), 1e-10)) + (1.0 / (-1.0 + max(min(varying5_i, 0.9999999999), 1e-10)))))))), +} +stop_i { + (-3.105 + (((0.05138515824298745 * arcsinh(((-2.3508116177110145 * currentfunctiona) / (2.0 * ((1.8973665961010275e-05 * pow(max(min(varying2_i, 51217.92521874824), 0.000512179257309275), 0.5)) * pow((51217.9257309275 - max(min(varying2_i, 51217.92521874824), 0.000512179257309275)), 0.5)))))) + (((((((2.16216 + (0.07645 * tanh((30.834 - (57.858397200000006 * max(min(varying3_i, 0.9999999999), 1e-10)))))) + (2.1581 * tanh((52.294 - (53.412228 * max(min(varying3_i, 0.9999999999), 1e-10)))))) - (0.14169 * tanh((11.0923 - (21.0852666 * max(min(varying3_i, 0.9999999999), 1e-10)))))) + (0.2051 * tanh((1.4684 - (5.829105600000001 * max(min(varying3_i, 0.9999999999), 1e-10)))))) + (0.2531 * tanh((4.291641337386018 - (8.069908814589667 * max(min(varying3_i, 0.9999999999), 1e-10)))))) - (0.02167 * tanh((-87.5 + (177.0 * max(min(varying3_i, 0.9999999999), 1e-10)))))) + (1e-06 * ((1.0 / max(min(varying3_i, 0.9999999999), 1e-10)) + (1.0 / (-1.0 + max(min(varying3_i, 0.9999999999), 1e-10))))))) - ((0.05138515824298745 * arcsinh(((1.9590096814258458 * currentfunctiona) / (2.0 * ((0.0006324555320336759 * pow(max(min(varying4_i, 24983.261744011077), 0.000249832619938437), 0.5)) * pow((24983.2619938437 - max(min(varying4_i, 24983.261744011077), 0.000249832619938437)), 0.5)))))) + ((((((((((0.194 + (1.5 * exp((-120.0 * max(min(varying5_i, 0.9999999999), 1e-10))))) + (0.0351 * tanh((-3.44578313253012 + (12.048192771084336 * max(min(varying5_i, 0.9999999999), 1e-10)))))) - (0.0045 * tanh((-7.1344537815126055 + (8.403361344537815 * max(min(varying5_i, 0.9999999999), 1e-10)))))) - (0.035 * tanh((-18.466 + (20.0 * max(min(varying5_i, 0.9999999999), 1e-10)))))) - (0.0147 * tanh((-14.705882352941176 + (29.41176470588235 * max(min(varying5_i, 0.9999999999), 1e-10)))))) - (0.102 * tanh((-1.3661971830985917 + (7.042253521126761 * max(min(varying5_i, 0.9999999999), 1e-10)))))) - (0.022 * tanh((-54.8780487804878 + (60.975609756097555 * max(min(varying5_i, 0.9999999999), 1e-10)))))) - (0.011 * tanh((-5.486725663716814 + (44.24778761061947 * max(min(varying5_i, 0.9999999999), 1e-10)))))) + (0.0155 * tanh((-3.6206896551724133 + (34.48275862068965 * max(min(varying5_i, 0.9999999999), 1e-10)))))) + (1e-06 * ((1.0 / max(min(varying5_i, 0.9999999999), 1e-10)) + (1.0 / (-1.0 + max(min(varying5_i, 0.9999999999), 1e-10))))))))), + (4.1 - (((0.05138515824298745 * arcsinh(((-2.3508116177110145 * currentfunctiona) / (2.0 * ((1.8973665961010275e-05 * pow(max(min(varying2_i, 51217.92521874824), 0.000512179257309275), 0.5)) * pow((51217.9257309275 - max(min(varying2_i, 51217.92521874824), 0.000512179257309275)), 0.5)))))) + (((((((2.16216 + (0.07645 * tanh((30.834 - (57.858397200000006 * max(min(varying3_i, 0.9999999999), 1e-10)))))) + (2.1581 * tanh((52.294 - (53.412228 * max(min(varying3_i, 0.9999999999), 1e-10)))))) - (0.14169 * tanh((11.0923 - (21.0852666 * max(min(varying3_i, 0.9999999999), 1e-10)))))) + (0.2051 * tanh((1.4684 - (5.829105600000001 * max(min(varying3_i, 0.9999999999), 1e-10)))))) + (0.2531 * tanh((4.291641337386018 - (8.069908814589667 * max(min(varying3_i, 0.9999999999), 1e-10)))))) - (0.02167 * tanh((-87.5 + (177.0 * max(min(varying3_i, 0.9999999999), 1e-10)))))) + (1e-06 * ((1.0 / max(min(varying3_i, 0.9999999999), 1e-10)) + (1.0 / (-1.0 + max(min(varying3_i, 0.9999999999), 1e-10))))))) - ((0.05138515824298745 * arcsinh(((1.9590096814258458 * currentfunctiona) / (2.0 * ((0.0006324555320336759 * pow(max(min(varying4_i, 24983.261744011077), 0.000249832619938437), 0.5)) * pow((24983.2619938437 - max(min(varying4_i, 24983.261744011077), 0.000249832619938437)), 0.5)))))) + ((((((((((0.194 + (1.5 * exp((-120.0 * max(min(varying5_i, 0.9999999999), 1e-10))))) + (0.0351 * tanh((-3.44578313253012 + (12.048192771084336 * max(min(varying5_i, 0.9999999999), 1e-10)))))) - (0.0045 * tanh((-7.1344537815126055 + (8.403361344537815 * max(min(varying5_i, 0.9999999999), 1e-10)))))) - (0.035 * tanh((-18.466 + (20.0 * max(min(varying5_i, 0.9999999999), 1e-10)))))) - (0.0147 * tanh((-14.705882352941176 + (29.41176470588235 * max(min(varying5_i, 0.9999999999), 1e-10)))))) - (0.102 * tanh((-1.3661971830985917 + (7.042253521126761 * max(min(varying5_i, 0.9999999999), 1e-10)))))) - (0.022 * tanh((-54.8780487804878 + (60.975609756097555 * max(min(varying5_i, 0.9999999999), 1e-10)))))) - (0.011 * tanh((-5.486725663716814 + (44.24778761061947 * max(min(varying5_i, 0.9999999999), 1e-10)))))) + (0.0155 * tanh((-3.6206896551724133 + (34.48275862068965 * max(min(varying5_i, 0.9999999999), 1e-10)))))) + (1e-06 * ((1.0 / max(min(varying5_i, 0.9999999999), 1e-10)) + (1.0 / (-1.0 + max(min(varying5_i, 0.9999999999), 1e-10))))))))), +} \ No newline at end of file diff --git a/print.html b/print.html index 1829a46..520e209 100644 --- a/print.html +++ b/print.html @@ -187,8 +187,8 @@

Model

\[ \frac{dc}{dt} = k c \]

-

where \(k\) is a constant that describes the growth rate of the cells. This is a first order ODE, because it involves only the first derivative of the state variable \(c\) with respect to time. We can write down a general form for a first order ODE as:

-

We can also use the same form to solve a coupled set of equations, say we had two populations of cells in the same dish that grow with different rates. We could define the state of the system as the concentrations of the two cell populations, and assign these states to variables \(c_1\) and \(c_2\). We could then write down both equations as:

+

where \(k\) is a constant that describes the growth rate of the cells. This is a first order ODE, because it involves only the first derivative of the state variable \(c\) with respect to time.

+

We can also solve a coupled set of equations, say we had two populations of cells in the same dish that grow with different rates. We could define the state of the system as the concentrations of the two cell populations, and assign these states to variables \(c_1\) and \(c_2\). We could then write down both equations as:

\[ \begin{align*} \frac{dc_1}{dt} &= k_1 c_1 \\ @@ -857,6 +857,350 @@

Model +

Partial Differential Equations (PDEs)

+

DiffSol is an ODE solver, but it can also solve PDEs. The idea is to discretize the PDE in space and time, and then solve the resulting system of ODEs. This is called the method of lines.

+

Discretizing a PDE is a large topic, and there are many ways to do it. Common methods include finite difference, finite volume, finite element, and spectral methods. Finite difference methods are the simplest to understand and implement, so some of the examples in this book will demonstrate this method to give you a flavour of how to solve PDEs with DiffSol. However, in general we recommend that you use another package to discretise you PDE, and then import the resulting ODE system into DiffSol for solving.

+

Some useful packages

+

There are many packages in the Python and Julia ecosystems that can help you discretise your PDE. Here are a few that we know of, but there are many more out there:

+

Python

+ +

Julia:

+ +

Example: Heat equation

+

Lets consider a simple example, the heat equation. The heat equation is a PDE that describes how the temperature of a material changes over time. In one dimension, the heat equation is

+

\[ +\frac{\partial u}{\partial t} = D \frac{\partial^2 u}{\partial x^2} +\]

+

where \(u(x, t)\) is the temperature of the material at position \(x\) and time \(t\), and \(D\) is the thermal diffusivity of the material. To solve this equation, we need to discretize it in space and time. We can use a finite difference method to do this.

+

Finite difference method

+

The finite difference method is a numerical method for discretising a spatial derivative like \(\frac{\partial^2 u}{\partial x^2}\). It approximates this continuous term by a discrete term, in this case the multiplication of a matrix by a vector. We can use this discretisation method to convert the heat equation into a system of ODEs suitable for DiffSol.

+

We will not go into the details of the finite difference method here but mearly derive a single finite difference approximation for the term \(\frac{\partial^2 u}{\partial x^2}\), or \(u_{xx}\) using more compact notation.

+

The central FD approximation of \(u_{xx}\) is:

+

\[ +u_{xx} \approx \frac{u(x + h) - 2u(x) + u(x-h)}{h^2} +\]

+

where \(h\) is the spacing between points along the x-axis.

+

We will discretise \(u_{xx} = 0\) at \(N\) regular points along \(x\) from 0 to 1, given by \(x_1\), \(x_2\), ...

+
          +----+----+----------+----+> x
+          0   x_1  x_2    ... x_N   1
+
+

Using this set of point and the discretised equation, this gives a set of \(N\) equations at each interior point on the domain:

+

\[ +\frac{v_{i+1} - 2v_i + v_{i-1}}{h^2} \text{ for } i = 1...N +\]

+

where \(v_i \approx u(x_i)\)

+

We will need additional equations at \(x=0\) and \(x=1\), known as the boundary conditions. For this example we will use \(u(x) = g(x)\) at \(x=0\) and \(x=1\) (also known as a non-homogenous Dirichlet bc), so that \(v_0 = g(0)\), and \(v_{N+1} = g(1)\), and the equation at \(x_1\) becomes:

+

\[ +\frac{v_{i+1} - 2v_i + g(0)}{h^2} +\]

+

and the equation at \(x_N\) becomes:

+

\[ +\frac{g(1) - 2v_i + v_{i-1}}{h^2} +\]

+

We can therefore represent the final \(N\) equations in matrix form like so:

+

\[ +\frac{1}{h^2} +\begin{bmatrix} -2 & 1 & & & \\ +1 & -2 & 1 & & \\ +&\ddots & \ddots & \ddots &\\ +& & 1 & -2 & 1 \\ +& & & 1 & -2 \end{bmatrix} +\begin{bmatrix} v_1 \\ +v_2 \\ +\vdots \\ +v_{N-1}\\ +v_{N} +\end{bmatrix} + \frac{1}{h^2} \begin{bmatrix} g(0) \\ +0 \\ +\vdots \\ +0 \\ +g(1) +\end{bmatrix} +\]

+

The relevant sparse matrix here is \(A\), given by

+

\[ +A = \begin{bmatrix} -2 & 1 & & & \\ +1 & -2 & 1 & & \\ +&\ddots & \ddots & \ddots &\\ +& & 1 & -2 & 1 \\ +& & & 1 & -2 \end{bmatrix} +\]

+

As you can see, the number of non-zero elements grows linearly with the size \(N\), so a sparse matrix format is much preferred over a dense matrix holding all \(N^2\) elements! +The additional vector that encodes the boundary conditions is \(b\), given by

+

\[ +b = \begin{bmatrix} g(0) \\ +0 \\ +\vdots \\ +0 \\ +g(1) +\end{bmatrix} +\]

+

Method of Lines Approximation

+

We can use our FD approximation of the spatial derivative to convert the heat equation into a system of ODEs. We can write the heat equation as:

+

\[ +\frac{du}{dt} = D \frac{d^2 u}{dx^2} \approx \frac{D}{h^2} (A u + b) +\]

+

where \(u\) is a vector of temperatures at each point in space, \(A\) and \(b\) is the sparse matrix and vector we derived above. This is a system of ODEs that we can solve using DiffSol.

+

DiffSol Implementation

+
use diffsol::{
+    DiffSl, OdeBuilder, CraneliftModule, SparseColMat, FaerSparseLU, 
+    OdeSolverMethod
+};
+use plotly::{
+    layout::{Axis, Layout}, Plot, Surface
+};
+use std::fs;
+fn main() {
+type M = SparseColMat<f64>;
+type LS = FaerSparseLU<f64>;
+type CG = CraneliftModule;
+
+let eqn = DiffSl::<M, CG>::compile("
+    D { 1.0 }
+    h { 1.0 }
+    g { 0.0 }
+    m { 1.0 }
+    A_ij {
+        (0, 0): -2.0,
+        (0, 1): 1.0,
+        (1, 0): 1.0,
+        (1, 1): -2.0,
+        (1, 2): 1.0,
+        (2, 1): 1.0,
+        (2, 2): -2.0,
+        (2, 3): 1.0,
+        (3, 2): 1.0,
+        (3, 3): -2.0,
+        (3, 4): 1.0,
+        (4, 3): 1.0,
+        (4, 4): -2.0,
+        (4, 5): 1.0,
+        (5, 4): 1.0,
+        (5, 5): -2.0,
+        (5, 6): 1.0,
+        (6, 5): 1.0,
+        (6, 6): -2.0,
+        (6, 7): 1.0,
+        (7, 6): 1.0,
+        (7, 7): -2.0,
+        (7, 8): 1.0,
+        (8, 7): 1.0,
+        (8, 8): -2.0,
+        (8, 9): 1.0,
+        (9, 8): 1.0,
+        (9, 9): -2.0,
+        (9, 10): 1.0,
+        (10, 9): 1.0,
+        (10, 10): -2.0,
+        (10, 11): 1.0,
+        (11, 10): 1.0,
+        (11, 11): -2.0,
+        (11, 12): 1.0,
+        (12, 11): 1.0,
+        (12, 12): -2.0,
+        (12, 13): 1.0,
+        (13, 12): 1.0,
+        (13, 13): -2.0,
+        (13, 14): 1.0,
+        (14, 13): 1.0,
+        (14, 14): -2.0,
+        (14, 15): 1.0,
+        (15, 14): 1.0,
+        (15, 15): -2.0,
+        (15, 16): 1.0,
+        (16, 15): 1.0,
+        (16, 16): -2.0,
+        (16, 17): 1.0,
+        (17, 16): 1.0,
+        (17, 17): -2.0,
+        (17, 18): 1.0,
+        (18, 17): 1.0,
+        (18, 18): -2.0,
+        (18, 19): 1.0,
+        (19, 18): 1.0,
+        (19, 19): -2.0,
+        (19, 20): 1.0,
+        (20, 19): 1.0,
+        (20, 20): -2.0,
+    }
+    b_i { 
+        (0): g,
+        (1:20): 0.0,
+        (20): g,
+    }
+    u_i {
+        (0:5): g,
+        (5:15): g + m,
+        (15:21): g,
+    }
+    heat_i { A_ij * u_j }
+    F_i {
+        D * (heat_i + b_i) / (h * h)
+    }
+").unwrap();
+
+
+let problem = OdeBuilder::<M>::new()
+    .build_from_eqn(eqn)
+    .unwrap();
+let times = (0..50).map(|i| i as f64).collect::<Vec<f64>>();
+let mut solver = problem.bdf::<LS>().unwrap();
+let sol = solver.solve_dense(&times).unwrap();
+
+let x = (0..21).map(|i| i as f64).collect::<Vec<f64>>();
+let y = times;
+let z = sol.col_iter().map(|v| v.iter().copied().collect::<Vec<f64>>()).collect::<Vec<Vec<f64>>>();
+let trace = Surface::new(z).x(x).y(y);
+let mut plot = Plot::new();
+plot.add_trace(trace);
+let layout = Layout::new()
+    .x_axis(Axis::new().title("x"))
+    .y_axis(Axis::new().title("t"))
+    .z_axis(Axis::new().title("u"));
+plot.set_layout(layout);
+let plot_html = plot.to_inline_html(Some("heat-equation"));
+fs::write("../src/primer/images/heat-equation.html", plot_html).expect("Unable to write file");
+}
+
+

Physics-based Battery Simulation

+

Traditional battery models are based on equivalent circuit models, similar to the circuit modelled in section Electrical Circuits. +These models are simple and computationally efficient, but they lack the ability to capture all of the complex electrochemical processes that occur in a battery. +Physics-based models, on the other hand, are based on the electrochemical processes that occur in the battery, and can provide a more detailed description of the battery's behaviour. +They are parameterized by physical properties of the battery, such as the diffusion coefficients of lithium ions in the electrodes, the reaction rate constants, and the surface area of the electrodes, +and can be used to predict the battery's performance under different operating conditions, once these parameters are known.

+

The Single Particle Model (SPM) is a physics-based model of a lithium-ion battery. It describes the diffusion of lithium ions in the positive and negative electrodes of the battery over a 1D radial domain, assuming that the properties of the electrodes are uniform across the thickness of the electrode. Here we will describe the equations that govern the SPM, and show how to solve them at different current rates to calculate the terminal voltage of the battery.

+

The Single Particle Model state equations

+

The SPM model only needs to solve for the concentration of lithium ions in the positive and negative electrodes, \(c_n\) and \(c_p\). The diffusion of lithium ions in each electrode particle \(c_i\) is given by:

+

\[ +\frac{\partial c_i}{\partial t} = \nabla \cdot (D_i \nabla c_i) +\]

+

subject to the following boundary and initial conditions:

+

\[ +\left.\frac{\partial c_i}{\partial r}\right\vert_{r=0} = 0, \quad \left.\frac{\partial c}{\partial r}\right\vert_{r=R_i} = -j_i, \quad \left.c\right\vert_{t=0} = c^0_i +\]

+

where \(c_i\) is the concentration of lithium ions in the positive (\(i=n\)) or negative (\(i=p\)) electrode, \(D_i\) is the diffusion coefficient, \(j_i\) is the interfacial current density, and \(c^0_i\) is the concentration at the particle surface.

+

The fluxes of lithium ions in the positive and negative electrodes \(j_i\) are dependent on the applied current \(I\):

+

\[ +j_n = \frac{I}{a_n \delta_n F \mathcal{A}}, \qquad +j_p = \frac{-I}{a_p \delta_p F \mathcal{A}}, +\]

+

where \(a_i = 3 \epsilon_i / R_i\) is the specific surface area of the electrode, \(\epsilon_i\) is the volume fraction of active material, \(\delta_i\) is the thickness of the electrode, \(F\) is the Faraday constant, and \(\mathcal{A}\) is the electrode surface area.

+

Output variables for the Single Particle Model

+

Now that we have defined the equations to solve, we turn to the output variables that we need to calculate from the state variables \(c_n\) and \(c_p\). The terminal voltage of the battery is given by:

+

\[ +V = U_p(x_p^s) - U_n(x_n^s) + \eta_p - \eta_n +\]

+

where \(U_i\) is the open circuit potential (OCP) of the electrode, \(x_i^s = c_i(r=R_i) / c_i^{max}\) is the surface stoichiometry, and \(\eta_i\) is the overpotential.

+

Assuming Butler-Volmer kinetics and \(\alpha_i = 0.5\), the overpotential is given by:

+

\[ +\eta_i = \frac{2RT}{F} \sinh^{-1} \left( \frac{j_i F}{2i_{0,i}} \right) +\]

+

where the exchange current density \(i_{0,i}\) is given by:

+

\[ +i_{0,i} = k_i F \sqrt{c_e} \sqrt{c_i(r=R_i)} \sqrt{c_i^{max} - c_i(r=R_i)} +\]

+

where \(c_e\) is the concentration of lithium ions in the electrolyte, and \(k_i\) is the reaction rate constant.

+

Stopping conditions

+

We wish to terminate the simulation if the terminal voltage exceeds an upper threshold \(V_{\text{max}}\) or falls below a lower threshold \(V_{\text{min}}\). DiffSol uses a root-finding algorithm to detect when the terminal voltage crosses these thresholds, using the following stopping conditions:

+

\[ +V_{\text{max}} - V = 0, \qquad +V - V_{\text{min}} = 0, +\]

+

Solving the Single Particle Model using DiffSol

+

Rather than write down the equations ourselves, we will rely on the PyBaMM library to generate the equations for us. PyBaMM is a Python library that can generate a wide variety of physics-based battery models, using different parameterisations, physics and operating conditions. Combined with a tool that takes a PyBaMM model and writes it out in the DiffSL language, we can generate a DiffSL file that can be used to solve the equations of the SPM model described above. We can then use the DiffSol crate to solve the model and calculate the terminal voltage of the battery over a range of current rates.

+

The code below reads in the DiffSL file, compiles it, and then solves the equation for different current rates. We wish to stop the simulation when either the final time is reached, or when one of the stopping conditions is met. We will output the terminal voltage of the battery at regular intervals during the simulation, because the terminal voltage can change more rapidly than the state variables $c_n$ and $c_p$, particularly during the "knee" of the discharge curve.

+

The discretised equations result in sparse matrices, so we use the sparse matrix and linear solver modules provided by the faer crate to solve the equations efficiently.

+
use diffsol::{
+    DiffSl, OdeBuilder, CraneliftModule, SparseColMat, FaerSparseLU, 
+    OdeSolverMethod, OdeSolverStopReason, OdeEquations, NonLinearOp,
+};
+use plotly::{
+    Plot, Scatter, common::Mode, layout::Layout, layout::Axis
+};
+use std::fs;
+fn main() {
+type M = SparseColMat<f64>;
+type LS = FaerSparseLU<f64>;
+type CG = CraneliftModule;
+
+let file = std::fs::read_to_string("../src/primer/src/spm.ds").unwrap();
+
+let eqn = DiffSl::<M, CG>::compile(&file).unwrap();
+let mut problem = OdeBuilder::<M>::new()
+    .p([1.0])
+    .build_from_eqn(eqn)
+    .unwrap();
+let currents = vec![0.6, 0.8, 1.0, 1.2, 1.4];
+let final_time = 3600.0;
+let delta_t = 3.0;
+    
+let mut plot = Plot::new();
+for current in currents {
+    problem.eqn.set_params(&faer::Col::from_fn(1, |_| current));
+
+    let mut solver = problem.bdf::<LS>().unwrap();
+    let mut v = Vec::new();
+    let mut t = Vec::new();
+
+    // save the initial output
+    let mut out = problem.eqn.out().unwrap().call(solver.state().y, solver.state().t);
+    v.push(out[0]);
+    t.push(0.0);
+
+    // solve until the final time is reached
+    // or we reach the stop condition
+    solver.set_stop_time(final_time).unwrap();
+    let mut next_output_time = delta_t;
+    let mut finished = false;
+    while !finished {
+        let curr_t = match solver.step() {
+            Ok(OdeSolverStopReason::InternalTimestep) => solver.state().t,
+            Ok(OdeSolverStopReason::RootFound(t)) => {
+                finished = true;
+                t
+            },
+            Ok(OdeSolverStopReason::TstopReached) => {
+                finished = true;
+                final_time
+            },
+            Err(_) => panic!("unexpected solver error"),
+        };
+        while curr_t > next_output_time {
+            let y = solver.interpolate(next_output_time).unwrap();
+            problem.eqn.out().unwrap().call_inplace(&y, next_output_time, &mut out);
+            v.push(out[0]);
+            t.push(next_output_time);
+            next_output_time += delta_t;
+        }
+    }
+
+    let voltage = Scatter::new(t, v)
+        .mode(Mode::Lines)
+        .name(format!("current = {} A", current));
+    plot.add_trace(voltage);
+}
+
+let layout = Layout::new()
+    .x_axis(Axis::new().title("t [sec]"))
+    .y_axis(Axis::new().title("voltage [V]"));
+plot.set_layout(layout);
+let plot_html = plot.to_inline_html(Some("battery-simulation"));
+fs::write("../src/primer/images/battery-simulation.html", plot_html).expect("Unable to write file");
+}
+
+

DiffSol APIs for specifying problems

Most of the DiffSol user-facing API revolves around specifying the problem you want to solve, thus a large part of this book will be dedicated to explaining how to specify a problem. All the examples presented in the primer used the DiffSL DSL to specify the problem, but DiffSol also provides a pure Rust API for specifying problems. This API is sometimes more verbose than the DSL, but is more flexible, more performant, and easier to use if you have a model already written in Rust or another language that you can easily port or call from Rust.

ODE equations

diff --git a/searchindex.js b/searchindex.js index 3295d2e..b44d7ec 100644 --- a/searchindex.js +++ b/searchindex.js @@ -1 +1 @@ -Object.assign(window.search, {"doc_urls":["primer/modelling_with_odes.html#modelling-with-odes","primer/first_order_odes.html#explicit-first-order-odes","primer/population_dynamics.html#population-dynamics---predator-prey-model","primer/higher_order_odes.html#higher-order-odes","primer/spring_mass_systems.html#example-spring-mass-systems","primer/discrete_events.html#discrete-events","primer/compartmental_models_of_drug_delivery.html#example-compartmental-models-of-drug-delivery","primer/bouncing_ball.html#example-bouncing-ball","primer/the_mass_matrix.html#daes-via-the-mass-matrix","primer/electrical_circuits.html#example-electrical-circuits","specify/specifying_the_problem.html#diffsol-apis-for-specifying-problems","specify/specifying_the_problem.html#ode-equations","specify/specifying_the_problem.html#diffsol-problem-apis","specify/ode_equations.html#ode-equations","specify/mass_matrix.html#mass-matrix","specify/mass_matrix.html#example","specify/root_finding.html#root-finding","specify/root_finding.html#specifying-the-root-finding-function","specify/root_finding.html#detecting-roots-during-the-solve","specify/forward_sensitivity.html#forward-sensitivity","specify/forward_sensitivity.html#specifying-the-sensitivity-problem","specify/forward_sensitivity.html#solving-the-sensitivity-problem","specify/custom/custom_problem_structs.html#custom-problem-structs","specify/custom/custom_problem_structs.html#traits","specify/custom/non_linear_functions.html#non-linear-functions","specify/custom/constant_functions.html#constant-functions","specify/custom/linear_functions.html#linear-functions","specify/custom/ode_systems.html#ode-systems","specify/custom/ode_systems.html#implementing-the-odeequations-trait","specify/custom/ode_systems.html#getting-all-your-traits-in-order","specify/custom/ode_systems.html#implementing-the-odeequations-traits","specify/custom/ode_systems.html#creating-the-problem","specify/diffsl.html#diffsl","specify/diffsl.html#diffsl-context","specify/sparse_problems.html#sparse-problems","choosing_a_solver.html#choosing-a-solver","choosing_a_solver.html#initialisation","solving_the_problem.html#solving-the-problem","solving_the_problem.html#solving-the-problem-1","solving_the_problem.html#stepping-the-solution","benchmarks.html#benchmarks","benchmarks.html#test-problems","benchmarks.html#method","benchmarks.html#results","benchmarks.html#bdf-solver","benchmarks.html#bdf--diffsl"],"index":{"documentStore":{"docInfo":{"0":{"body":236,"breadcrumbs":4,"title":2},"1":{"body":270,"breadcrumbs":10,"title":4},"10":{"body":54,"breadcrumbs":8,"title":4},"11":{"body":78,"breadcrumbs":6,"title":2},"12":{"body":93,"breadcrumbs":7,"title":3},"13":{"body":263,"breadcrumbs":8,"title":2},"14":{"body":42,"breadcrumbs":8,"title":2},"15":{"body":211,"breadcrumbs":7,"title":1},"16":{"body":21,"breadcrumbs":8,"title":2},"17":{"body":137,"breadcrumbs":10,"title":4},"18":{"body":106,"breadcrumbs":10,"title":4},"19":{"body":25,"breadcrumbs":8,"title":2},"2":{"body":587,"breadcrumbs":14,"title":5},"20":{"body":194,"breadcrumbs":9,"title":3},"21":{"body":228,"breadcrumbs":9,"title":3},"22":{"body":24,"breadcrumbs":10,"title":3},"23":{"body":74,"breadcrumbs":8,"title":1},"24":{"body":228,"breadcrumbs":13,"title":3},"25":{"body":71,"breadcrumbs":11,"title":2},"26":{"body":90,"breadcrumbs":11,"title":2},"27":{"body":17,"breadcrumbs":11,"title":2},"28":{"body":11,"breadcrumbs":12,"title":3},"29":{"body":132,"breadcrumbs":12,"title":3},"3":{"body":141,"breadcrumbs":8,"title":3},"30":{"body":355,"breadcrumbs":12,"title":3},"31":{"body":375,"breadcrumbs":11,"title":2},"32":{"body":70,"breadcrumbs":6,"title":1},"33":{"body":145,"breadcrumbs":7,"title":2},"34":{"body":349,"breadcrumbs":8,"title":2},"35":{"body":209,"breadcrumbs":4,"title":2},"36":{"body":171,"breadcrumbs":3,"title":1},"37":{"body":10,"breadcrumbs":4,"title":2},"38":{"body":206,"breadcrumbs":4,"title":2},"39":{"body":318,"breadcrumbs":4,"title":2},"4":{"body":174,"breadcrumbs":13,"title":4},"40":{"body":23,"breadcrumbs":2,"title":1},"41":{"body":198,"breadcrumbs":3,"title":2},"42":{"body":241,"breadcrumbs":2,"title":1},"43":{"body":56,"breadcrumbs":2,"title":1},"44":{"body":145,"breadcrumbs":3,"title":2},"45":{"body":99,"breadcrumbs":3,"title":2},"5":{"body":179,"breadcrumbs":6,"title":2},"6":{"body":524,"breadcrumbs":14,"title":5},"7":{"body":341,"breadcrumbs":10,"title":3},"8":{"body":233,"breadcrumbs":10,"title":4},"9":{"body":349,"breadcrumbs":12,"title":3}},"docs":{"0":{"body":"Ordinary Differential Equations (ODEs) are a powerful tool for modelling a wide range of physical systems. Unlike purely data-driven models, ODEs are based on the underlying physics, biology, or chemistry of the system being modelled. This makes them particularly useful for predicting the behaviour of a system under conditions that have not been observed before. In this section, we will introduce the basics of ODE modelling, and illustrate their use with a series of examples written using the DiffSol crate. The topics covered in this section are: First Order ODEs : First order ODEs are the simplest type of ODE. Any ODE system can be written as a set of first order ODEs, so libraries like DiffSol are designed such that the user provides their equations in this form. Example: Population Dynamics : A simple example of a first order ODE system, modelling the interaction of predator and prey populations. Higher Order ODEs : Higher order ODEs are ODEs that involve derivatives of order higher than one. These can be converted to a system of first order ODEs, which is the form that DiffSol expects. Example: Spring-mass systems : A simple example of a higher order ODE system, modelling the motion of a damped spring-mass system. Discrete Events : Discrete events are events that occur at specific times or when the system is in a particular state, rather than continuously. These can be modelled using ODEs by treating the events as changes in the system's state. DiffSol provides an API to detect and handle these events. Example: Compartmental models of Drug Delivery : Pharmacokinetic models are a common example of systems with discrete events, where the drug is absorbed, distributed, metabolised, and excreted by the body. The drug is often administered at discrete times, and the model must account for this. Example: Bouncing Ball : A simple example of a system where the discrete event occurs when the ball hits the ground, instead of a specific time. DAEs via the Mass Matrix : Differential Algebraic Equations (DAEs) are a generalisation of ODEs that include algebraic equations as well as differential equations. DiffSol can solve DAEs by treating them as ODEs with a mass matrix. This section explains how to use the mass matrix to solve DAEs. Example: Electrical Circuits : Electrical circuits are a common example of DAEs, here we will model a simple low-pass LRC filter circuit.","breadcrumbs":"Modelling with ODEs » Modelling with ODEs","id":"0","title":"Modelling with ODEs"},"1":{"body":"Ordinary Differential Equations (ODEs) are sometimes called rate equations because they describe how the rate of change of a system depends on its current state . For example, lets assume we wish to model the growth of a population of cells within a petri dish. We could define the state of the system as the concentration of cells in the dish, and assign this state to a variable \\(c\\). The rate of change of the system would then be the rate at which the concentration of cells changes with time, which we could denote as \\(\\frac{dc}{dt}\\). We know that our cells will grow at a rate proportional to the current concentration of cells, so we could write this as: \\[ \\frac{dc}{dt} = k c \\] where \\(k\\) is a constant that describes the growth rate of the cells. This is a first order ODE, because it involves only the first derivative of the state variable \\(c\\) with respect to time. We can write down a general form for a first order ODE as: We can also use the same form to solve a coupled set of equations, say we had two populations of cells in the same dish that grow with different rates. We could define the state of the system as the concentrations of the two cell populations, and assign these states to variables \\(c_1\\) and \\(c_2\\). We could then write down both equations as: \\[ \\begin{align*} \\frac{dc_1}{dt} &= k_1 c_1 \\\\ \\frac{dc_2}{dt} &= k_2 c_2 \\end{align*} \\] then combine them in a vector form as: \\[ \\begin{bmatrix} \\frac{dc_1}{dt} \\\\ \\frac{dc_2}{dt} \\end{bmatrix} = \\begin{bmatrix} k_1 c_1 \\\\ k_2 c_2 \\end{bmatrix} \\] By defining a new vector of state variables \\(\\mathbf{y} = [c_1, c_2]\\) and a a function \\(\\mathbf{f}(\\mathbf{y}, t) = \\begin{bmatrix} k_1 c_1 \\\\ k_2 c_2 \\end{bmatrix}\\), we are left with the standard form of a explicit first order ODE system: \\[ \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] This is an explicit equation for the derivative of the state, \\(\\frac{d\\mathbf{y}}{dt}\\), as a function of only of the state variables \\(\\mathbf{y}\\) and of time \\(t\\). We need one more piece of information to solve this system of ODEs: the initial conditions for the populations at time \\(t = 0\\). For example, if we started with a concentration of 10 for the first population and 5 for the second population, we would write: \\[ \\mathbf{y}(0) = \\begin{bmatrix} 10 \\\\ 5 \\end{bmatrix} \\] Many ODE solver libraries, like DiffSol, require users to provide their ODEs in the form of a set of explicit first order ODEs. Given both the system of ODEs and the initial conditions, the solver can then integrate the equations forward in time to find the solution \\(\\mathbf{y}(t)\\). This is the general process for solving ODEs, so it is important to know how to translate your problem into a set of first order ODEs, and thus to the general form of a explicit first order ODE system shown above. In the next two sections, we will look at two examples of first order ODE systems: population dynamics and infectious disease, and solve them using DiffSol.","breadcrumbs":"Modelling with ODEs » Explicit First Order ODEs » Explicit First Order ODEs","id":"1","title":"Explicit First Order ODEs"},"10":{"body":"Most of the DiffSol user-facing API revolves around specifying the problem you want to solve, thus a large part of this book will be dedicated to explaining how to specify a problem. All the examples presented in the primer used the DiffSL DSL to specify the problem, but DiffSol also provides a pure Rust API for specifying problems. This API is sometimes more verbose than the DSL, but is more flexible, more performant, and easier to use if you have a model already written in Rust or another language that you can easily port or call from Rust.","breadcrumbs":"DiffSol APIs for specifying problems » DiffSol APIs for specifying problems","id":"10","title":"DiffSol APIs for specifying problems"},"11":{"body":"The class of ODE equations that DiffSol can solve are of the form \\[M(t) \\frac{dy}{dt} = f(t, y, p),\\] \\[y(t_0) = y_0(t_0, p),\\] \\[z(t) = g(t, y, p),\\] where: \\(f(t, y, p)\\) is the right-hand side of the ODE, \\(y\\) is the state vector, \\(p\\) are the parameters, \\(t\\) is the time. \\(y_0(t_0, p)\\) is the initial state vector at time \\(t_0\\). \\(M(t)\\) is the mass matrix (this is optional, and is implicitly the identity matrix if not specified), \\(g(t, y, p)\\) is an output function that can be used to calculate additional outputs from the state vector (this is optional, and is implicitly \\(g(t, y, p) = y\\) if not specified). The user can also optionally specify a root function \\(r(t, y, p)\\) that can be used to find the time at which a root occurs.","breadcrumbs":"DiffSol APIs for specifying problems » ODE equations","id":"11","title":"ODE equations"},"12":{"body":"DiffSol has three main APIs for specifying problems: The OdeBuilder struct, where the user can specify the functions above using Rust closures. This is the easiest API to use from Rust, and is the recommended API for most users. The OdeEquations trait where the user can implement the functions above on their own structs. This API is more flexible than the OdeBuilder API, but is more complex to use. It is useful if you have custom data structures and code that you want to use to evaluate your functions that does not fit within the OdeBuilder API. The DiffSl struct, where the user can specify the functions above using the DiffSL Domain Specific Language (DSL). This API is behind a feature flag (diffsl if you want to use the slower cranelift backend, diffsl-llvm* if you want to use the faster LLVM backend), but has the best API if you want to use DiffSL from a higher-level language like Python or R while still having similar performance.","breadcrumbs":"DiffSol APIs for specifying problems » DiffSol problem APIs","id":"12","title":"DiffSol problem APIs"},"13":{"body":"The simplest way to create a new ode problem is to use the OdeBuilder struct. You can use methods to set the equations to be solve, initial time, initial step size, relative & absolute tolerances, and parameters, or leave them at their default values. Then, call the build method to create a new problem. Below is an example of how to create a new ODE problem using the OdeBuilder struct. The specific problem we will solve is the logistic equation \\[\\frac{dy}{dt} = r y (1 - y/K),\\] where \\(r\\) is the growth rate and \\(K\\) is the carrying capacity. To specify the problem, we need to provide the \\(dy/dt\\) function \\(f(y, p, t)\\), and the jacobian of \\(f\\) multiplied by a vector \\(v\\) function, which we will call \\(f'(y, p, t, v)\\). That is \\[f(y, p, t) = r y (1 - y/K),\\] \\[f'(y, p, t, v) = rv (1 - 2y/K),\\] and the initial state \\[y_0(p, t) = 0.1\\] This can be done using the following code: # fn main() {\nuse diffsol::OdeBuilder;\nuse nalgebra::DVector;\ntype M = nalgebra::DMatrix; let problem = OdeBuilder::::new() .t0(0.0) .rtol(1e-6) .atol([1e-6]) .p(vec![1.0, 10.0]) .rhs_implicit( |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]), |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]), ) .init( |_p, _t| DVector::from_element(1, 0.1), ) .build() .unwrap();\n# } The rhs_implicit method is used to specify the \\(f(y, p, t)\\) and \\(f'(y, p, t, v)\\) functions, whereas the init method is used to specify the initial state vector \\(y_0(p, t)\\). We also use the t0, rtol, atol, and p methods to set the initial time, relative tolerance, absolute tolerance, and parameters, respectively. We have also specified the matrix type M to be nalgebra::DMatrix, using a generic parameter of the OdeBuilder struct. The nalgebra::DMatrix type is a dense matrix type from the nalgebra crate. Other options are: faer::Mat from faer , which is a dense matrix type. diffsol::SparseColMat, which is a thin wrapper around faer::sparse::SparseColMat, a sparse compressed sparse column matrix type. Each of these matrix types have an associated vector type that is used to represent the vectors in the problem (i.e. the state vector \\(y\\), the parameter vector \\(p\\), and the gradient vector \\(v\\)). You can see in the example above that the DVector type is explicitly used to create the initial state vector in the third closure. For these matrix types the associated vector type is: nalgebra::DVector for nalgebra::DMatrix. faer::Col for faer::Mat. faer::Coll for diffsol::SparseColMat.","breadcrumbs":"DiffSol APIs for specifying problems » ODE equations » ODE equations","id":"13","title":"ODE equations"},"14":{"body":"In some cases, it is necessary to include a mass matrix in the problem, such that the problem is of the form \\[M(t) \\frac{dy}{dt} = f(t, y, p).\\] A mass matrix is useful for PDE discretisation that lead to a non-identity mass matrix, or for DAE problems that can be transformed into ODEs with a singular mass matrix. Diffsol can handle singular and non-singular mass matrices, and the mass matrix can be time-dependent.","breadcrumbs":"DiffSol APIs for specifying problems » Mass matrix » Mass matrix","id":"14","title":"Mass matrix"},"15":{"body":"To illustrate the addition of a mass matrix to a problem, we will once again take the logistic equation, but this time we will add an additional variable that is set via an algebraic equation. This system is written as \\[\\frac{dy}{dt} = r y (1 - y/K),\\] \\[0 = y - z,\\] where \\(z\\) is the additional variable with a solution \\(z = y\\). When this system is put in the form \\(M(t) \\frac{dy}{dt} = f(t, y, p)\\), the mass matrix is \\[M(t) = \\begin{bmatrix} 1 & 0 \\\\ 0 & 0 \\end{bmatrix}.\\] Like the Jacobian, the DiffSol builder does not require the full mass matrix, instead users can provide a function that gives a GEMV (General Matrix-Vector) product of the mass matrix with a vector. \\[m(\\mathbf{v}, \\mathbf{p}, t, \\beta, \\mathbf{y}) = M(p, t) \\mathbf{v} + \\beta \\mathbf{y}. \\] Thus, to specify this problem using DiffSol, we can use the OdeBuilder struct and provide the functions: \\[f(\\mathbf{y}, \\mathbf{p}, t) = \\begin{bmatrix} r y_0 (1 - y_0/K) \\\\ y_0 - y_1 \\end{bmatrix},\\] \\[f'(\\mathbf{y}, \\mathbf{p}, t, \\mathbf{v}) = \\begin{bmatrix} r v_0 (1 - 2 y_0/K) \\\\ v_0 - v_1 \\end{bmatrix},\\] \\[m(\\mathbf{v}, \\mathbf{p}, t, \\beta, \\mathbf{y}) = \\begin{bmatrix} v_0 + \\beta y_0 \\\\ \\beta y_1 \\end{bmatrix}.\\] where \\(f\\) is the right-hand side of the ODE, \\(f'\\) is the Jacobian of \\(f\\) multiplied by a vector, and \\(m\\) is the mass matrix multiplied by a vector. # fn main() {\nuse diffsol::OdeBuilder;\nuse nalgebra::{DMatrix, DVector};\ntype M = DMatrix;\ntype V = DVector; let problem = OdeBuilder::::new() .t0(0.0) .rtol(1e-6) .atol([1e-6]) .p(vec![1.0, 10.0]) .rhs_implicit( |x, p, _t, y| { y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]); y[1] = x[0] - x[1]; }, |x, p, _t, v , y| { y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]); y[1] = v[0] - v[1]; }, ) .mass( |v, _p, _t, beta, y| { y[0] = v[0] + beta * y[0]; y[1] *= beta; }, ) .init(|_p, _t| V::from_element(2, 0.1)) .build() .unwrap();\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Mass matrix » Example","id":"15","title":"Example"},"16":{"body":"Root finding is the process of finding the values of the variables that make a set of equations equal to zero. This is a common problem where you want to stop the solver or perform some action when a certain condition is met.","breadcrumbs":"DiffSol APIs for specifying problems » Root finding » Root finding","id":"16","title":"Root finding"},"17":{"body":"Using the logistic example, we can add a root finding function \\(r(y, p, t)\\) that will stop the solver when the value of \\(y\\) is such that \\(r(y, p, t) = 0\\). For this example we'll use the root finding function \\(r(y, p, t) = y - 0.5\\), which will stop the solver when the value of \\(y\\) is 0.5. \\[\\frac{dy}{dt} = r y (1 - y/K),\\] \\[r(y, p, t) = y - 0.5,\\] This can be done using the OdeBuilder via the following code: # fn main() {\nuse diffsol::OdeBuilder;\nuse nalgebra::DVector;\ntype M = nalgebra::DMatrix; let problem = OdeBuilder::::new() .t0(0.0) .rtol(1e-6) .atol([1e-6]) .p(vec![1.0, 10.0]) .rhs_implicit( |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]), |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]), ) .init(|_p, _t| DVector::from_element(1, 0.1)) .root(|x, _p, _t, y| y[0] = x[0] - 0.5, 1) .build() .unwrap();\n# } here we have added the root finding function \\(r(y, p, t) = y - 0.5\\), and also let DiffSol know that we have one root function by passing 1 as the last argument to the root method. If we had specified more than one root function, the solver would stop when any of the root functions are zero.","breadcrumbs":"DiffSol APIs for specifying problems » Root finding » Specifying the root finding function","id":"17","title":"Specifying the root finding function"},"18":{"body":"To detect the root during the solve, we can use the return type on the step method of the solver. If successful the step method returns an OdeSolverStopReason enum that contains the reason the solver stopped. # fn main() {\n# use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverMethod, OdeSolverStopReason, NalgebraLU};\ntype LS = NalgebraLU; # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .root(|x, _p, _t, y| y[0] = x[0] - 0.5, 1)\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet t = loop { match solver.step() { Ok(OdeSolverStopReason::InternalTimestep) => continue, Ok(OdeSolverStopReason::TstopReached) => panic!(\"We didn't set a stop time\"), Ok(OdeSolverStopReason::RootFound(t)) => break t, Err(e) => panic!(\"Solver failed to converge: {}\", e), }\n};\nprintln!(\"Root found at t = {}\", t);\nlet _soln = &solver.state().y;\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Root finding » Detecting roots during the solve","id":"18","title":"Detecting roots during the solve"},"19":{"body":"In this section we will discuss how to compute the forward sensitivity of the solution of an ODE problem. The forward sensitivity is the derivative of the solution with respect to the parameters of the problem. This is useful for many applications, such as parameter estimation, optimal control, and uncertainty quantification.","breadcrumbs":"DiffSol APIs for specifying problems » Forward Sensitivity » Forward Sensitivity","id":"19","title":"Forward Sensitivity"},"2":{"body":"In this example, we will model the population dynamics of a predator-prey system using a set of first order ODEs. The Lotka-Volterra equations are a classic example of a predator-prey model, and describe the interactions between two species in an ecosystem. The first species is a prey species, which we will call \\(x\\), and the second species is a predator species, which we will call \\(y\\). The rate of change of the prey population is governed by two terms: growth and predation. The growth term represents the natural increase in the prey population in the absence of predators, and is proportional to the current population of prey. The predation term represents the rate at which the predators consume the prey, and is proportional to the product of the prey and predator populations. The rate of change of the prey population can be written as: \\[ \\frac{dx}{dt} = a x - b x y \\] where \\(a\\) is the growth rate of the prey population, and \\(b\\) is the predation rate. The rate of change of the predator population is also governed by two terms: death and growth. The death term represents the natural decrease in the predator population in the absence of prey, and is proportional to the current population of predators. The growth term represents the rate at which the predators reproduce, and is proportional to the product of the prey and predator populations, since the predators need to consume the prey to reproduce. The rate of change of the predator population can be written as: \\[ \\frac{dy}{dt} = c x y - d y \\] where \\(c\\) is the reproduction rate of the predators, and \\(d\\) is the death rate. The Lotka-Volterra equations are a simple model of predator-prey dynamics, and make several assumptions that may not hold in real ecosystems. For example, the model assumes that the prey population grows exponentially in the absence of predators, that the predator population decreases linearly in the absence of prey, and that the spatial distribution of the species has no effect. Despite these simplifications, the Lotka-Volterra equations capture some of the essential features of predator-prey interactions, such as oscillations in the populations and the dependence of each species on the other. When modelling with ODEs, it is important to consider the simplest model that captures the behaviour of interest, and to be aware of the assumptions that underlie the model. Putting the two equations together, we have a system of two first order ODEs: \\[ \\frac{x}{dt} = a x - b x y \\\\ \\frac{y}{dt} = c x y - d y \\] which can be written in vector form as: \\[ \\begin{bmatrix} \\frac{dx}{dt} \\\\ \\frac{dy}{dt} \\end{bmatrix} = \\begin{bmatrix} a x - b x y \\\\ c x y - d y \\end{bmatrix} \\] or in the general form of a first order ODE system: \\[ \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] where \\[\\mathbf{y} = \\begin{bmatrix} x \\\\ y \\end{bmatrix} \\] and \\[\\mathbf{f}(\\mathbf{y}, t) = \\begin{bmatrix} a x - b x y \\\\ c x y - d y \\end{bmatrix}\\] We also have initial conditions for the populations at time \\(t = 0\\). We can set both populations to 1 at the start like so: \\[ \\mathbf{y}(0) = \\begin{bmatrix} 1 \\\\ 1 \\end{bmatrix} \\] Let's solve this system of ODEs using the DiffSol crate. We will use the DiffSL domain-specific language to specify the problem. We could have also used Rust closures , but this allows us to illustrate the modelling process with a minimum of Rust syntax. # fn main() {\n# use std::fs;\nuse diffsol::{ DiffSl, CraneliftModule, OdeBuilder, OdeSolverMethod\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\ntype M = nalgebra::DMatrix;\ntype LS = diffsol::NalgebraLU;\ntype CG = CraneliftModule; let eqn = DiffSl::::compile(\" a { 2.0/3.0 } b { 4.0/3.0 } c { 1.0 } d { 1.0 } u_i { y1 = 1, y2 = 1, } F_i { a * y1 - b * y1 * y2, c * y1 * y2 - d * y2, }\n\").unwrap();\nlet problem = OdeBuilder::::new() .build_from_eqn(eqn).unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet (ys, ts) = solver.solve(40.0).unwrap(); let prey: Vec<_> = ys.row(0).into_iter().copied().collect();\nlet predator: Vec<_> = ys.row(1).into_iter().copied().collect();\nlet time: Vec<_> = ts.into_iter().collect(); let prey = Scatter::new(time.clone(), prey).mode(Mode::Lines).name(\"Prey\");\nlet predator = Scatter::new(time, predator).mode(Mode::Lines).name(\"Predator\"); let mut plot = Plot::new();\nplot.add_trace(prey);\nplot.add_trace(predator); let layout = Layout::new() .x_axis(Axis::new().title(\"t\")) .y_axis(Axis::new().title(\"population\"));\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"prey-predator\"));\n# fs::write(\"../src/primer/images/prey-predator.html\", plot_html).expect(\"Unable to write file\");\n# } A phase plane plot of the predator-prey system is a useful visualisation of the dynamics of the system. This plot shows the prey population on the x-axis and the predator population on the y-axis. Trajectories in the phase plane represent the evolution of the populations over time. Lets reframe the equations to introduce a new parameter \\(y_0\\) which is the initial predator and prey population. We can then plot the phase plane for different values of \\(y_0\\) to see how the system behaves for different initial conditions. Our initial conditions are now: \\[ \\mathbf{y}(0) = \\begin{bmatrix} y_0 \\\\ y_0 \\end{bmatrix} \\] so we can solve this system for different values of \\(y_0\\) and plot the phase plane for each case. We will use similar code as above, but we will introduce our new parameter and loop over different values of \\(y_0\\) # fn main() {\n# use std::fs;\nuse diffsol::{ DiffSl, CraneliftModule, OdeBuilder, OdeSolverMethod, OdeEquations\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\ntype M = nalgebra::DMatrix;\ntype LS = diffsol::NalgebraLU;\ntype CG = CraneliftModule; let eqn = DiffSl::::compile(\" in = [ y0 ] y0 { 1.0 } a { 2.0/3.0 } b { 4.0/3.0 } c { 1.0 } d { 1.0 } u_i { y1 = y0, y2 = y0, } F_i { a * y1 - b * y1 * y2, c * y1 * y2 - d * y2, }\n\").unwrap(); let mut problem = OdeBuilder::::new().p([1.0]).build_from_eqn(eqn).unwrap(); let mut plot = Plot::new();\nfor y0 in (1..6).map(f64::from) { let p = nalgebra::DVector::from_element(1, y0); problem.eqn_mut().set_params(&p); let mut solver = problem.bdf::().unwrap(); let (ys, _ts) = solver.solve(40.0).unwrap(); let prey: Vec<_> = ys.row(0).into_iter().copied().collect(); let predator: Vec<_> = ys.row(1).into_iter().copied().collect(); let phase = Scatter::new(prey, predator) .mode(Mode::Lines).name(format!(\"y0 = {}\", y0)); plot.add_trace(phase);\n} let layout = Layout::new() .x_axis(Axis::new().title(\"x\")) .y_axis(Axis::new().title(\"y\"));\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"prey-predator2\"));\n# fs::write(\"../src/primer/images/prey-predator2.html\", plot_html).expect(\"Unable to write file\");\n# }","breadcrumbs":"Modelling with ODEs » Explicit First Order ODEs » Example: Population Dynamics » Population Dynamics - Predator-Prey Model","id":"2","title":"Population Dynamics - Predator-Prey Model"},"20":{"body":"We will again use the example of the logistic growth equation, but this time we will compute the sensitivity of the solution \\(y\\) with respect to the parameters \\(r\\) and \\(K\\) (i.e. \\(\\frac{dy}{dr}\\) and \\(\\frac{dy}{dK}\\)). The logistic growth equation is: \\[\\frac{dy}{dt} = r y (1 - y/K),\\] \\[y(0) = 0.1\\] Recall from ODE equations that we also need to provide the jacobian of the right hand side of the ODE with respect to the state vector \\(y\\) and the gradient vector \\(v\\), which we will call \\(J\\). This is: \\[J v = \\begin{bmatrix} r v (1 - 2 y/K) \\end{bmatrix}.\\] Using the logistic growth equation above, we can compute the partial derivative of the right hand side of the ODE with respect to the vector \\([r, K]\\) multiplied by a vector \\(v = [v_r, v_K]\\), which we will call \\(J_p v\\). This is: \\[J_p v = v_r y (1 - y/K) + v_K r y^2 / K^2 .\\] We also need the partial derivative of the initial state vector with respect to the parameters multiplied by a vector \\(v\\), which we will call \\(J_{y_0} v\\). Since the initial state vector is constant, this is just zero \\[J_{y_0} v = 0.\\] We can then use the OdeBuilder struct to specify the sensitivity problem. The rhs_sens_implicit and init_sens methods are used to create a new problem that includes the sensitivity equations. # fn main() {\nuse diffsol::OdeBuilder;\nuse nalgebra::DVector;\ntype M = nalgebra::DMatrix; let problem = OdeBuilder::::new() .p(vec![1.0, 10.0]) .rhs_sens_implicit( |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]), |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]), |x, p, _t, v, y| y[0] = v[0] * x[0] * (1.0 - x[0] / p[1]) + v[1] * p[0] * x[0] * x[0] / (p[1] * p[1]), ) .init_sens( |_p, _t| DVector::from_element(1, 0.1), |_p, _t, _v, y| y[0] = 0.0, ) .build() .unwrap();\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Forward Sensitivity » Specifying the sensitivity problem","id":"20","title":"Specifying the sensitivity problem"},"21":{"body":"Once the sensitivity problem has been specified, we can solve it using the OdeSolverMethod trait. Lets imagine we want to solve the sensitivity problem up to a time \\(t_o = 10\\). We can use the OdeSolverMethod trait to solve the problem as normal, stepping forward in time until we reach \\(t_o\\). # fn main() {\n# use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverMethod, NalgebraLU};\ntype LS = NalgebraLU; # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_sens_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# |x, p, _t, v, y| y[0] = v[0] * x[0] * (1.0 - x[0] / p[1]) # + v[1] * p[0] * x[0] * x[0] / (p[1] * p[1]),\n# )\n# .init_sens(\n# |_p, _t| DVector::from_element(1, 0.1),\n# |_p, _t, _v, y| y[0] = 0.0,\n# )\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet t_o = 10.0;\nwhile solver.state().t < t_o { solver.step().unwrap();\n}\n# } We can then obtain the sensitivity vectors at time \\(t_o\\) using the interpolate_sens method on the OdeSolverMethod trait. This method returns a Vec> where each element of the vector is the sensitivity vector for element \\(i\\) of the parameter vector at time \\(t_o\\). If we need the sensitivity at the current internal time step, we can get this from the s field of the OdeSolverState struct. # fn main() {\n# use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\n# use diffsol::{OdeSolverMethod, OdeSolverState, NalgebraLU};\n# type LS = NalgebraLU;\n# # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_sens_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# |x, p, _t, v, y| y[0] = v[0] * x[0] * (1.0 - x[0] / p[1]) # + v[1] * p[0] * x[0] * x[0] / (p[1] * p[1]),\n# )\n# .init_sens(\n# |_p, _t| DVector::from_element(1, 0.1),\n# |_p, _t, _v, y| y[0] = 0.0,\n# )\n# .build()\n# .unwrap();\n# let mut solver = problem.bdf::().unwrap();\n# let t_o = 10.0;\n# while solver.state().t < t_o {\n# solver.step().unwrap();\n# }\nlet sens_at_t_o = solver.interpolate_sens(t_o).unwrap();\nlet sens_at_internal_step = &solver.state().s;\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Forward Sensitivity » Solving the sensitivity problem","id":"21","title":"Solving the sensitivity problem"},"22":{"body":"While the OdeBuilder struct is a convenient way to specify the problem, it may not be suitable in all cases. Often users will want to provide their own structs that can hold custom data structures and methods for evaluating the right-hand side of the ODE, the jacobian, and other functions.","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » Custom Problem Structs","id":"22","title":"Custom Problem Structs"},"23":{"body":"To create your own structs for the ode system, the final goal is to implement the OdeEquations trait. When you have done this, you can use the build_from_eqn method on the OdeBuilder struct to create the problem. For each function in your system of equations, you will need to implement the appropriate trait for each function. Non-linear functions (rhs, out, root). In this case the NonLinearOp trait needs to be implemented. Linear functions (mass). In this case the LinearOp trait needs to be implemented. Constant functions (init). In this case the ConstantOp trait needs to be implemented. Additionally, each function needs to implement the base operation trait Op . Once you have implemented the appropriate traits for your custom struct, you can use the OdeBuilder struct to specify the problem.","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » Traits","id":"23","title":"Traits"},"24":{"body":"To illustrate how to implement a custom problem struct, we will take the familar logistic equation: \\[\\frac{dy}{dt} = r y (1 - y/K),\\] Our goal is to implement a custom struct that can evaluate the rhs function \\(f(y, p, t)\\) and the jacobian multiplied by a vector \\(f'(y, p, t, v)\\). First we define an empty struct. For a more complex problem, this struct could hold data structures neccessary to compute the rhs. # fn main() {\ntype T = f64;\ntype V = nalgebra::DVector; struct MyProblem;\n# } Now we will implement the base Op trait for our struct. The Op trait specifies the types of the vectors and matrices that will be used, as well as the number of states and outputs in the rhs function. # fn main() {\nuse diffsol::Op; type T = f64;\ntype V = nalgebra::DVector;\ntype M = nalgebra::DMatrix; # struct MyProblem;\n# # impl MyProblem {\n# fn new() -> Self {\n# MyProblem {}\n# }\n# }\n# impl Op for MyProblem { type T = T; type V = V; type M = M; fn nstates(&self) -> usize { 1 } fn nout(&self) -> usize { 1 } fn nparams(&self) -> usize { 0 }\n}\n# } Next we implement the NonLinearOp and NonLinearOpJacobian trait for our struct. This trait specifies the functions that will be used to evaluate the rhs function and the jacobian multiplied by a vector. # fn main() {\nuse diffsol::{ NonLinearOp, NonLinearOpJacobian\n};\n# use diffsol::Op; # type T = f64;\n# type V = nalgebra::DVector;\n# type M = nalgebra::DMatrix;\n#\n# struct MyProblem;\n# # impl MyProblem {\n# fn new() -> Self {\n# MyProblem { }\n# }\n# }\n# # impl Op for MyProblem {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# } impl<'a> NonLinearOp for MyProblem { fn call_inplace(&self, x: &V, _t: T, y: &mut V) { y[0] = x[0] * (1.0 - x[0]); }\n}\nimpl<'a> NonLinearOpJacobian for MyProblem { fn jac_mul_inplace(&self, x: &V, _t: T, v: &V, y: &mut V) { y[0] = v[0] * (1.0 - 2.0 * x[0]); }\n}\n# } There we go, all done! This demonstrates how to implement a custom struct to specify a rhs function.","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » Non-linear functions » Non-linear functions","id":"24","title":"Non-linear functions"},"25":{"body":"Now we've implemented the rhs function, but how about the initial condition? We can implement the ConstantOp trait to specify the initial condition. Since this is quite similar to the NonLinearOp trait, we will do it all in one go. # fn main() {\nuse diffsol::{Op, ConstantOp}; # type T = f64;\n# type V = nalgebra::DVector;\n# type M = nalgebra::DMatrix;\n#\nstruct MyInit {} impl Op for MyInit { type T = T; type V = V; type M = M; fn nstates(&self) -> usize { 1 } fn nout(&self) -> usize { 1 } fn nparams(&self) -> usize { 0 }\n} impl ConstantOp for MyInit { fn call_inplace(&self, _t: T, y: &mut V) { y[0] = 0.1; }\n}\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » Constant functions » Constant functions","id":"25","title":"Constant functions"},"26":{"body":"Naturally, we can also implement the LinearOp trait if we want to include a mass matrix in our model. A common use case for implementing this trait is to store the mass matrix in a custom struct, like so: # fn main() {\nuse diffsol::{Op, LinearOp}; # type T = f64;\n# type V = nalgebra::DVector;\n# type M = nalgebra::DMatrix;\n#\nstruct MyMass { mass: M,\n} impl MyMass { fn new() -> Self { let mass = M::from_element(1, 1, 1.0); Self { mass } }\n} impl Op for MyMass { type T = T; type V = V; type M = M; fn nstates(&self) -> usize { 1 } fn nout(&self) -> usize { 1 } fn nparams(&self) -> usize { 0 }\n} impl LinearOp for MyMass { fn gemv_inplace(&self, x: &V, _t: T, beta: T, y: &mut V) { y.gemv(1.0, &self.mass, x, beta) }\n}\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » Linear functions » Linear functions","id":"26","title":"Linear functions"},"27":{"body":"So far we've focused on using custom structs to specify individual equations, now we need to put these together to specify the entire system of equations.","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » ODE systems » ODE systems","id":"27","title":"ODE systems"},"28":{"body":"To specify the entire system of equations, you need to implement the Op, OdeEquations and OdeEquationsRef traits for your struct.","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » ODE systems » Implementing the OdeEquations trait","id":"28","title":"Implementing the OdeEquations trait"},"29":{"body":"The OdeEquations trait requires methods that return objects corresponding to the right-hand side function, mass matrix, root function, initial condition, and output functions. Therefore, you need to already have structs that implement the NonLinearOp, LinearOp, and ConstantOp traits for these functions. For the purposes of this example, we will assume that you have already implemented these traits for your structs. Often, the structs that implement these traits will have to use data defined in the struct that implements the OdeEquations trait. For example, they might wish to have a reference to the same parameter vector p. Therefore, you will often need to define lifetimes for these structs to ensure that they can access the data they need. Note that these struct will need to be lightweight and should not contain a significant amount of data. The data should be stored in the struct that implements the OdeEquations trait. This is because these structs will be created and destroyed many times during the course of the simulation (e.g. every time the right-hand side function is called). # fn main() {\ntype T = f64;\ntype V = nalgebra::DVector;\ntype M = nalgebra::DMatrix;\nstruct MyRhs<'a> { p: &'a V } // implements NonLinearOp\nstruct MyMass<'a> { p: &'a V } // implements LinearOp\nstruct MyInit<'a> { p: &'a V } // implements ConstantOp\nstruct MyRoot<'a> { p: &'a V } // implements NonLinearOp\nstruct MyOut<'a> { p: &'a V } // implements NonLinearOp\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » ODE systems » Getting all your traits in order","id":"29","title":"Getting all your traits in order"},"3":{"body":"The order of an ODE is the highest derivative that appears in the equation. So far, we have only looked at first order ODEs, which involve only the first derivative of the state variable with respect to time. However, many physical systems are described by higher order ODEs, which involve second or higher derivatives of the state variable. A simple example of a second order ODE is the motion of a mass under the influence of gravity. The equation of motion for the mass can be written as: \\[ \\frac{d^2x}{dt^2} = -g \\] where \\(x\\) is the position of the mass, \\(t\\) is time, and \\(g\\) is the acceleration due to gravity. This is a second order ODE because it involves the second derivative of the position with respect to time. Higher order ODEs can always be rewritten as a system of first order ODEs by introducing new variables. For example, we can rewrite the second order ODE above as a system of two first order ODEs by introducing a new variable for the velocity of the mass: \\[ \\begin{align*} \\frac{dx}{dt} &= v \\\\ \\frac{dv}{dt} &= -g \\end{align*} \\] where \\(v = \\frac{dx}{dt}\\) is the velocity of the mass. This is a system of two first order ODEs, which can be written in vector form as: \\[ \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] where \\[ \\mathbf{y} = \\begin{bmatrix} x \\\\ v \\end{bmatrix} \\] and \\[ \\mathbf{f}(\\mathbf{y}, t) = \\begin{bmatrix} v \\\\ -g \\end{bmatrix} \\] In the next section, we'll look at another example of a higher order ODE system: the spring-mass system, and solve this using DiffSol.","breadcrumbs":"Modelling with ODEs » Higher Order ODEs » Higher Order ODEs","id":"3","title":"Higher Order ODEs"},"30":{"body":"Lets imagine we have a struct MyProblem that we want to use to specify the entire system of equations. We can implement the Op, OdeEquations, and OdeEquationsRef traits for this struct like so: use diffsol::{Op, NonLinearOp, LinearOp, ConstantOp, OdeEquations, OdeEquationsRef};\n# fn main() {\n# type T = f64;\n# type V = nalgebra::DVector;\n# type M = nalgebra::DMatrix;\n# struct MyRhs<'a> { p: &'a V } // implements NonLinearOp\n# struct MyMass<'a> { p: &'a V } // implements LinearOp\n# struct MyInit<'a> { p: &'a V } // implements ConstantOp\n# struct MyRoot<'a> { p: &'a V } // implements NonLinearOp\n# struct MyOut<'a> { p: &'a V } // implements NonLinearOp\n# impl Op for MyRhs<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 2\n# }\n# }\n# impl NonLinearOp for MyRhs<'_> {\n# fn call_inplace(&self, x: &V, _t: T, y: &mut V) {\n# y[0] = x[0] * x[0];\n# }\n# }\n# impl Op for MyMass<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl LinearOp for MyMass<'_> {\n# fn gemv_inplace(&self, x: &V, _t: T, beta: T, y: &mut V) {\n# y[0] = x[0] * beta;\n# }\n# }\n# impl Op for MyInit<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl ConstantOp for MyInit<'_> {\n# fn call_inplace(&self, _t: T, y: &mut V) {\n# y[0] = 0.1;\n# }\n# }\n# impl Op for MyRoot<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl NonLinearOp for MyRoot<'_> {\n# fn call_inplace(&self, x: &V, _t: T, y: &mut V) {\n# y[0] = x[0] - 1.0;\n# }\n# }\n# impl Op for MyOut<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl NonLinearOp for MyOut<'_> {\n# fn call_inplace(&self, x: &V, _t: T, y: &mut V) {\n# y[0] = x[0];\n# }\n# } struct MyProblem { p: V,\n} impl MyProblem { fn new() -> Self { MyProblem { p: V::zeros(2) } }\n} impl Op for MyProblem { type T = T; type V = V; type M = M; fn nstates(&self) -> usize { 1 } fn nout(&self) -> usize { 1 } fn nparams(&self) -> usize { 2 }\n} impl<'a> OdeEquationsRef<'a> for MyProblem { type Rhs = MyRhs<'a>; type Mass = MyMass<'a>; type Init = MyInit<'a>; type Root = MyRoot<'a>; type Out = MyOut<'a>;\n} impl OdeEquations for MyProblem { fn rhs(&self) -> >::Rhs { MyRhs { p: &self.p } } fn mass(&self) -> Option<>::Mass> { Some(MyMass { p: &self.p }) } fn init(&self) -> >::Init { MyInit { p: &self.p } } fn root(&self) -> Option<>::Root> { Some(MyRoot { p: &self.p }) } fn out(&self) -> Option<>::Out> { Some(MyOut { p: &self.p }) } fn set_params(&mut self, p: &V) { self.p.copy_from(p); }\n}\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » ODE systems » Implementing the OdeEquations traits","id":"30","title":"Implementing the OdeEquations traits"},"31":{"body":"Now that we have our custom OdeEquations struct, we can use it in an OdeBuilder to create the problem. Hint: click the button below to see the full code, which includes the implementation of the Op, NonLinearOp, LinearOp, and ConstantOp traits for the MyRhs, MyMass, MyInit, MyRoot, and MyOut structs. use diffsol::{Op, NonLinearOp, LinearOp, ConstantOp, OdeEquations, OdeEquationsRef};\n# fn main() {\n# type T = f64;\n# type V = nalgebra::DVector;\n# type M = nalgebra::DMatrix;\n# struct MyRhs<'a> { p: &'a V } // implements NonLinearOp\n# struct MyMass<'a> { p: &'a V } // implements LinearOp\n# struct MyInit<'a> { p: &'a V } // implements ConstantOp\n# struct MyRoot<'a> { p: &'a V } // implements NonLinearOp\n# struct MyOut<'a> { p: &'a V } // implements NonLinearOp\n# impl Op for MyRhs<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 2\n# }\n# }\n# impl NonLinearOp for MyRhs<'_> {\n# fn call_inplace(&self, x: &V, _t: T, y: &mut V) {\n# y[0] = x[0] * x[0];\n# }\n# }\n# impl Op for MyMass<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl LinearOp for MyMass<'_> {\n# fn gemv_inplace(&self, x: &V, _t: T, beta: T, y: &mut V) {\n# y[0] = x[0] * beta;\n# }\n# }\n# impl Op for MyInit<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl ConstantOp for MyInit<'_> {\n# fn call_inplace(&self, _t: T, y: &mut V) {\n# y[0] = 0.1;\n# }\n# }\n# impl Op for MyRoot<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl NonLinearOp for MyRoot<'_> {\n# fn call_inplace(&self, x: &V, _t: T, y: &mut V) {\n# y[0] = x[0] - 1.0;\n# }\n# }\n# impl Op for MyOut<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl NonLinearOp for MyOut<'_> {\n# fn call_inplace(&self, x: &V, _t: T, y: &mut V) {\n# y[0] = x[0];\n# }\n# }\n# # struct MyProblem {\n# p: V,\n# }\n# # impl MyProblem {\n# fn new() -> Self {\n# MyProblem { p: V::zeros(2) }\n# }\n# }\n# # impl Op for MyProblem {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 2\n# }\n# }\n# # impl<'a> OdeEquationsRef<'a> for MyProblem {\n# type Rhs = MyRhs<'a>;\n# type Mass = MyMass<'a>;\n# type Init = MyInit<'a>;\n# type Root = MyRoot<'a>;\n# type Out = MyOut<'a>;\n# }\n# # impl OdeEquations for MyProblem {\n# fn rhs(&self) -> >::Rhs {\n# MyRhs { p: &self.p }\n# }\n# fn mass(&self) -> Option<>::Mass> {\n# Some(MyMass { p: &self.p })\n# }\n# fn init(&self) -> >::Init {\n# MyInit { p: &self.p }\n# }\n# fn root(&self) -> Option<>::Root> {\n# Some(MyRoot { p: &self.p })\n# }\n# fn out(&self) -> Option<>::Out> {\n# Some(MyOut { p: &self.p })\n# }\n# fn set_params(&mut self, p: &V) {\n# self.p.copy_from(p);\n# }\n# }\nuse diffsol::OdeBuilder;\nlet problem = OdeBuilder::::new() .p(vec![1.0, 10.0]) .build_from_eqn(MyProblem::new()) .unwrap();\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » ODE systems » Creating the problem","id":"31","title":"Creating the problem"},"32":{"body":"Thus far we have used Rust code to specify the problem we want to solve. This is fine if you are using DiffSol from Rust, but what if you want to use DiffSol from a higher-level language like Python or R? For this usecase we have designed a Domain Specific Language (DSL) called DiffSL that can be used to specify the problem. DiffSL is not a general purpose language but is tightly constrained to the specification of a system of ordinary differential equations. It features a relatively simple syntax that consists of writing a series of tensors (dense or sparse) that represent the equations of the system. For more detail on the syntax of DiffSL see the DiffSL book . This section will focus on how to use DiffSL to specify a problem in DiffSol.","breadcrumbs":"DiffSol APIs for specifying problems » DiffSL » DiffSL","id":"32","title":"DiffSL"},"33":{"body":"The main struct that is used to specify a problem in DiffSL is the DiffSl struct. Creating this struct Just-In-Time (JIT) compiles your DiffSL code into a form that can be executed efficiently by DiffSol. # fn main() {\nuse diffsol::{DiffSl, CraneliftModule};\ntype M = nalgebra::DMatrix;\ntype CG = CraneliftModule; let eqn = DiffSl::::compile(\" in = [r, k] r { 1.0 } k { 1.0 } u { 0.1 } F { r * u * (1.0 - u / k) }\n\").unwrap();\n# } The CG parameter specifies the backend that you want to use to compile the DiffSL code. The CraneliftModule backend is the default backend and is behind the diffsl feature flag. If you want to use the faster LLVM backend you can use the LlvmModule backend, which is behind one of the diffsl-llvm* feature flags, depending on the version of LLVM you have installed. Once you have created the DiffSl struct you can use it to create a problem using the build_from_eqn method on the OdeBuilder struct. # fn main() {\n# use diffsol::{DiffSl, CraneliftModule};\nuse diffsol::{OdeBuilder, OdeSolverMethod, OdeSolverState};\n# type M = nalgebra::DMatrix;\n# type CG = CraneliftModule;\ntype LS = diffsol::NalgebraLU; # let eqn = DiffSl::::compile(\"\n# in = [r, k]\n# r { 1.0 }\n# k { 1.0 }\n# u { 0.1 }\n# F { r * u * (1.0 - u / k) }\n# \").unwrap();\nlet problem = OdeBuilder::::new()\n.rtol(1e-6)\n.p([1.0, 10.0])\n.build_from_eqn(eqn).unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet t = 0.4;\nlet _soln = solver.solve(t).unwrap();\n# }","breadcrumbs":"DiffSol APIs for specifying problems » DiffSL » DiffSL Context","id":"33","title":"DiffSL Context"},"34":{"body":"Lets consider a large system of equations that have a jacobian matrix that is sparse. For simplicity we will start with the logistic equation from the \"Specifying the Problem\" section, but we will duplicate this equation 10 times to create a system of 10 equations. This system will have a jacobian matrix that is a diagonal matrix with 10 diagonal elements, and all other elements are zero. Since this system is sparse, we choose a sparse matrix type to represent the jacobian matrix. We will use the diffsol::SparseColMat type, which is a thin wrapper around faer::sparse::SparseColMat, a sparse compressed sparse column matrix type. # fn main() {\nuse diffsol::OdeBuilder;\ntype M = diffsol::SparseColMat;\ntype V = faer::Col; let problem = OdeBuilder::::new() .t0(0.0) .rtol(1e-6) .atol([1e-6]) .p(vec![1.0, 10.0]) .rhs_implicit( |x, p, _t, y| { for i in 0..10 { y[i] = p[0] * x[i] * (1.0 - x[i] / p[1]); } }, |x, p, _t, v , y| { for i in 0..10 { y[i] = p[0] * v[i] * (1.0 - 2.0 * x[i] / p[1]); } }, ) .init( |_p, _t| V::from_fn(10, |_| 0.1), ) .build() .unwrap();\n# } Note that we have not specified the jacobian itself, but instead we have specified the jacobian multiplied by a vector function \\(f'(y, p, t, v)\\). DiffSol will use this function to generate a jacobian matrix, and since we have specified a sparse matrix type, DiffSol will attempt to guess the sparsity pattern of the jacobian matrix and use this to efficiently generate the jacobian matrix. To illustrate this, we can calculate the jacobian matrix from the rhs function contained in the problem object: # use diffsol::OdeBuilder;\nuse diffsol::{OdeEquations, NonLinearOp, NonLinearOpJacobian, Matrix, ConstantOp}; # type M = diffsol::SparseColMat;\n# type V = faer::Col;\n#\n# fn main() {\n# let problem = OdeBuilder::::new()\n# .t0(0.0)\n# .rtol(1e-6)\n# .atol([1e-6])\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| {\n# for i in 0..10 {\n# y[i] = p[0] * x[i] * (1.0 - x[i] / p[1]);\n# }\n# },\n# |x, p, _t, v , y| {\n# for i in 0..10 {\n# y[i] = p[0] * v[i] * (1.0 - 2.0 * x[i] / p[1]);\n# }\n# },\n# )\n# .init(\n# |_p, _t| V::from_fn(10, |_| 0.1),\n# )\n# .build()\n# .unwrap();\nlet t0 = problem.t0;\nlet y0 = problem.eqn.init().call(t0);\nlet jacobian = problem.eqn.rhs().jacobian(&y0, t0);\nfor (i, j, v) in jacobian.triplet_iter() { println!(\"({}, {}) = {}\", i, j, v);\n}\n# } which will print the jacobian matrix in triplet format: (0, 0) = 0.98\n(1, 1) = 0.98\n(2, 2) = 0.98\n(3, 3) = 0.98\n(4, 4) = 0.98\n(5, 5) = 0.98\n(6, 6) = 0.98\n(7, 7) = 0.98\n(8, 8) = 0.98\n(9, 9) = 0.98 DiffSol attempts to guess the sparsity pattern of your jacobian matrix by calling the \\(f'(y, p, t, v)\\) function repeatedly with different one-hot vectors \\(v\\) with a NaN value at each hot index. The output of this function (i.e. which elements are 0 and which are NaN) is then used to determine the sparsity pattern of the jacobian matrix. Due to the fact that for IEEE 754 floating point numbers, NaN is propagated through most operations, this method is able to detect which output elements are dependent on which input elements. However, this method is not foolproof, and it may fail to detect the correct sparsity pattern in some cases, particularly if values of v are used in control-flow statements. If DiffSol does not detect the correct sparsity pattern, you can manually specify the jacobian. To do this, you need to use a custom struct that implements the OdeEquations trait, This is described in more detail in the \"Custom Problem Structs\" section.","breadcrumbs":"DiffSol APIs for specifying problems » Sparse problems » Sparse problems","id":"34","title":"Sparse problems"},"35":{"body":"Once you have defined the problem, you need to create a solver to solve the problem. The available solvers are: diffsol::Bdf : A Backwards Difference Formulae solver, suitable for stiff problems and singular mass matrices. diffsol::Sdirk A Singly Diagonally Implicit Runge-Kutta (SDIRK or ESDIRK) solver. You can define your own butcher tableau using Tableau or use one of the pre-defined tableaues. For each solver, you will need to specify the linear solver type to use. The available linear solvers are: diffsol::NalgebraLU : A LU decomposition solver using the nalgebra crate. diffsol::FaerLU : A LU decomposition solver using the faer crate. diffsol::FaerSparseLU : A sparse LU decomposition solver using the faer crate. Each solver can be created directly, but it generally easier to use the methods on the OdeSolverProblem struct to create the solver. For example: # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\nuse diffsol::{OdeSolverState, NalgebraLU, BdfState, Tableau, SdirkState};\n# type M = nalgebra::DMatrix;\ntype LS = NalgebraLU;\n# fn main() {\n# # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\n// Create a BDF solver with an initial state\nlet solver = problem.bdf::(); // Create a non-initialised state and manually set the values before\n// creating the solver\nlet state = BdfState::new_without_initialise(&problem).unwrap();\n// ... set the state values manually\nlet solver = problem.bdf_solver::(state); // Create a SDIRK solver with a pre-defined tableau\nlet tableau = Tableau::::tr_bdf2();\nlet state = problem.sdirk_state::(&tableau).unwrap();\nlet solver = problem.sdirk_solver::(state, tableau); // Create a tr_bdf2 or esdirk34 solvers directly (both are SDIRK solvers with different tableaus)\nlet solver = problem.tr_bdf2::();\nlet solver = problem.esdirk34::(); // Create a non-initialised state and manually set the values before\n// creating the solver\nlet state = SdirkState::new_without_initialise(&problem).unwrap();\n// ... set the state values manually\nlet solver = problem.tr_bdf2_solver::(state);\n# }","breadcrumbs":"Choosing a solver » Choosing a solver","id":"35","title":"Choosing a solver"},"36":{"body":"Each solver has an internal state that holds information like the current state vector, the gradient of the state vector, the current time, and the current step size. When you create a solver using the bdf or sdirk methods on the OdeSolverProblem struct, the solver will be initialised with an initial state based on the initial conditions of the problem as well as satisfying any algebraic constraints. An initial time step will also be chosen based on your provided equations. Each solver's state struct implements the OdeSolverState trait, and if you wish to manually create and setup a state, you can use the methods on this trait to do so. For example, say that you wish to bypass the initialisation of the state as you already have the algebraic constraints and so don't need to solve for them. You can use the new_without_initialise method on the OdeSolverState trait to create a new state without initialising it. You can then use the as_mut method to get a mutable reference to the state and set the values manually. Note that each state struct has a as_ref and as_mut methods that return a StateRef or 'StateRefMut` struct respectively. These structs provide a solver-independent way to access the state values so you can use the same code with different solvers. # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverState, NalgebraLU, BdfState};\ntype LS = NalgebraLU; # fn main() {\n# # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\nlet mut state = BdfState::new_without_initialise(&problem).unwrap();\nstate.as_mut().y[0] = 0.1;\nlet mut solver = problem.bdf_solver::(state);\n# }","breadcrumbs":"Choosing a solver » Initialisation","id":"36","title":"Initialisation"},"37":{"body":"Each solver implements the OdeSolverMethod trait, which provides a number of methods to solve the problem.","breadcrumbs":"Solving the problem » Solving the Problem","id":"37","title":"Solving the Problem"},"38":{"body":"DiffSol has a few high-level solution functions on the OdeSolverMethod trait that are the easiest way to solve your equations: solve - solve the problem from an initial state up to a specified time, returning the solution at all the internal timesteps used by the solver. solve_dense - solve the problem from an initial state, returning the solution at a Vec of times provided by the user. ['solve_dense_sensitivities](https://docs.rs/diffsol/latest/diffsol/ode_solver/method/trait.OdeSolverMethod.html#method.solve_dense_sensitivities) - solve the forward sensitivity problem from an initial state, returning the solution at a Vec` of times provided by the user. 'solve_adjoint' - solve the adjoint sensitivity problem from an initial state to a final time, returning the integration of the output function over time as well as its gradient with respect to the initial state. The following example shows how to solve a simple ODE problem using the solve method on the OdeSolverMethod trait. # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\nuse diffsol::{OdeSolverMethod, NalgebraLU};\ntype M = nalgebra::DMatrix;\ntype LS = NalgebraLU; # fn main() {\n# let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet (ys, ts) = solver.solve(10.0).unwrap();\n# } solve_dense will solve a problem from an initial state, returning the solution at a Vec of times provided by the user. # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverMethod, NalgebraLU};\ntype LS = NalgebraLU; # fn main() {\n# let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet times = vec![0.0, 1.0, 2.0, 3.0, 4.0, 5.0];\nlet _soln = solver.solve_dense(×).unwrap();\n# }","breadcrumbs":"Solving the problem » Solving the Problem","id":"38","title":"Solving the Problem"},"39":{"body":"The fundamental method to step the solver through a solution is the step method on the OdeSolverMethod trait, which steps the solution forward in time by a single step, with a step size chosen by the solver in order to satisfy the error tolerances in the problem struct. The step method returns a Result that contains the new state of the solution if the step was successful, or an error if the step failed. # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverMethod, NalgebraLU};\ntype LS = NalgebraLU; # fn main() {\n# # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nwhile solver.state().t < 10.0 { if let Err(_) = solver.step() { break; }\n}\n# } The step method will return an error if the solver fails to converge to the solution or if the step size becomes too small. Often you will want to get the solution at a specific time \\(t_o\\). There are two ways to do this based on your particular needs, the most lightweight way is to step the solution forward until you are beyond \\(t_o\\), and then interpolate the solution back to \\(t_o\\) using the interpolate method on the OdeSolverMethod trait. # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverMethod, NalgebraLU};\ntype LS = NalgebraLU; # fn main() {\n# # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet t_o = 10.0;\nwhile solver.state().t < t_o { solver.step().unwrap();\n}\nlet _soln = solver.interpolate(t_o).unwrap();\n# } The second way is to use the set_stop_time method on the OdeSolverMethod trait to stop the solver at a specific time, this will override the internal time step so that the solver stops at the specified time. Note that this can be less efficient if you wish to continue stepping forward after the specified time, as the solver will need to be re-initialised. The enum returned by step will indicate when the solver has stopped at the specified time. Once the solver has stopped at the specified time, you can get the current state of the solution using the state method on the solver, which returns an OdeSolverState struct. # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverMethod, OdeSolverStopReason, NalgebraLU};\ntype LS = NalgebraLU; # fn main() {\n# # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nsolver.set_stop_time(10.0).unwrap();\nloop { match solver.step() { Ok(OdeSolverStopReason::InternalTimestep) => continue, Ok(OdeSolverStopReason::TstopReached) => break, Ok(OdeSolverStopReason::RootFound(_)) => panic!(\"Root finding not used\"), Err(e) => panic!(\"Solver failed to converge: {}\", e), }\n}\nlet _soln = &solver.state().y;\n# }","breadcrumbs":"Solving the problem » Stepping the Solution","id":"39","title":"Stepping the Solution"},"4":{"body":"We will model a damped spring-mass system using a second order ODE. The system consists of a mass \\(m\\) attached to a spring with spring constant \\(k\\), and a damping force proportional to the velocity of the mass with damping coefficient \\(c\\). Spring-mass system The equation of motion for the mass can be written as: \\[ m \\frac{d^2x}{dt^2} = -k x - c \\frac{dx}{dt} \\] where \\(x\\) is the position of the mass, \\(t\\) is time, and the negative sign on the right hand side indicates that the spring force and damping force act in the opposite direction to the displacement of the mass. We can convert this to a system of two first order ODEs by introducing a new variable for the velocity of the mass: \\[ \\begin{align*} \\frac{dx}{dt} &= v \\\\ \\frac{dv}{dt} &= -\\frac{k}{m} x - \\frac{c}{m} v \\end{align*} \\] where \\(v = \\frac{dx}{dt}\\) is the velocity of the mass. We can solve this system of ODEs using DiffSol with the following code: # fn main() {\n# use std::fs;\nuse diffsol::{ DiffSl, CraneliftModule, OdeBuilder, OdeSolverMethod\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\ntype M = nalgebra::DMatrix;\ntype CG = CraneliftModule;\ntype LS = diffsol::NalgebraLU; let eqn = DiffSl::::compile(\" k { 1.0 } m { 1.0 } c { 0.1 } u_i { x = 1, v = 0, } F_i { v, -k/m * x - c/m * v, }\n\").unwrap();\nlet problem = OdeBuilder::::new() .build_from_eqn(eqn).unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet (ys, ts) = solver.solve(40.0).unwrap(); let x: Vec<_> = ys.row(0).into_iter().copied().collect();\nlet time: Vec<_> = ts.into_iter().collect(); let x_line = Scatter::new(time.clone(), x).mode(Mode::Lines); let mut plot = Plot::new();\nplot.add_trace(x_line); let layout = Layout::new() .x_axis(Axis::new().title(\"t\")) .y_axis(Axis::new().title(\"x\"));\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"sping-mass-system\"));\n# fs::write(\"../src/primer/images/spring-mass-system.html\", plot_html).expect(\"Unable to write file\");\n# }","breadcrumbs":"Modelling with ODEs » Higher Order ODEs » Example: Spring-mass systems » Example: Spring-mass systems","id":"4","title":"Example: Spring-mass systems"},"40":{"body":"The goal of this chapter is to compare the performance of the DiffSol implementation with other similar ode solver libraries. To begin with we have focused on comparing against the popular Sundials solver suite, developed by the Lawrence Livermore National Laboratory.","breadcrumbs":"Benchmarks » Benchmarks","id":"40","title":"Benchmarks"},"41":{"body":"To choose the test problems we have used several of the examples provided in the Sundials library. The problems are: robertson : A stiff DAE system with 3 equations (2 differential and 1 algebraic). In Sundials this is part of the IDA examples and is contained in the file ida/serial/idaRoberts_dns.c. In Sundials the problem is solved using the Sundials dense linear solver and Sunmatrix_Dense, in DiffSol we use the dense LU linear solver, dense matrices and vectors from the nalgebra library. robertson_ode: The same problem as robertson but in the form of an ODE. This problem has a variable size implemented by duplicating the 3 original equations \\(n^2\\) times, where \\(n\\) is the size input parameter. In Sundials problem is solved using the KLU sparse linear solver and the Sunmatrix_Sparse matrix, and in DiffSol we use the same KLU solver from the SuiteSparse library along with the faer sparse matrix. This example is part of the Sundials CVODE examples and is contained in the file cvode/serial/cvRoberts_block_klu.c. heat2d: A 2D heat DAE problem with boundary conditions imposed via algebraic equations. The size \\(n\\) input parameter sets the number of grid points along each dimension, so the total number of equations is \\(n^2\\). This is part of the IDA examples and is contained in the file ida/serial/idaHeat2D_klu.c. In Sundials this problem is solved using the KLU sparse linear solver and the Sunmatrix_Sparse matrix, and in DiffSol we use the same KLU solver along with the faer sparse matrix. foodweb: A predator-prey problem with diffusion on a 2D grid. The size \\(n\\) input parameter sets the number of grid points along each dimension and we have 2 species, so the total number of equations is \\(2n^2\\) This is part of the IDA examples and is contained in the file ida/serial/idaFoodWeb_bnd.c. In Sundials the problem is solved using a banded linear solver and the Sunmatrix_Band matrix. DiffSol does not have a banded linear solver, so we use the KLU solver for this problem along with the faer sparse matrix.","breadcrumbs":"Benchmarks » Test Problems","id":"41","title":"Test Problems"},"42":{"body":"In each case we have taken the example files from the Sundials library at version 6.7.0, compiling and linking them against the same version of the code. We have made minimal modifications to the files to remove all printf output and to change the main functions to named functions to allow them to be called from rust. We have then implemented the same problem in Rust using the DiffSol library, porting the residual functions defined in the Sundials examples to DiffSol-compatible functions representing the RHS, mass matrix and jacobian multiplication functions for the problem. We have used the outputs published in the Sundials examples as the reference outputs for the tests to ensure that the implementations are equivalent. The relative and absolute tolerances for the solvers were set to the same values in both implementations. There are a number of differences between the Sundials and DiffSol implementations that may affect the performance of the solvers. The main differences are: The Sundials IDA solver has the problem defined as a general DAE system, while the DiffSol solver has access to the RHS and mass matrix functions separately. The Sundials CVODE solver has the problem defined as an ODE system and the mass is implicitly an identity matrix, and this is the same for the DiffSol implementation for the robertson_ode problem. In the Sundials examples that use a user-defined jacobian (robertson, robertson_ode, heat2d), the jacobian is provided as a sparse or dense matrix. In DiffSol the jacobian is provided as a function that multiplies the jacobian by a vector, so DiffSol needs to do additional work to generate a jacobian matrix from this function. Generally the types of matrices and linear solver are matched between the two implementations (see details in the \"Test Problems\" section above). However, the foodweb problem is slightly different in that it is solved in Sundials using a banded linear solver and banded matrices and the jacobian is calculated using finite differences. In DiffSol we use the KLU sparse linear solver and sparse matrices, and the jacobian is calculated using the jacobian function provided by the user. The Sundials implementations make heavy use of indexing into arrays, as does the DiffSol implementations. In Rust these indexing is bounds checked, which affects performance slightly but was not found to be a significant factor. Finally, we have also implemented the robertson, heat2d and foodweb problems in the DiffSl language. For the heat2d and foodweb problems we wrote out the diffusion matrix and mass matrix from the Rust implementations and wrote the rest of the model by hand. For the robertson problem we wrote the entire model by hand.","breadcrumbs":"Benchmarks » Method","id":"42","title":"Method"},"43":{"body":"These results were generated using DiffSol v0.2.1. The performance of each implementation was timed and includes all setup and solve time. The exception to this is for the DiffSl implementations, where the JIT compilation for the model was not included in the timings (since the compilation time for the C and Rust code was also not included). We have presented the results in the following graphs, where the x-axis is the size of the problem \\(n\\) and the y-axis is the time taken to solve the problem relative to the time taken by the Sundials implementation (so \\(10^0\\) is the same time as Sundials, \\(10^1\\) is 10 times slower etc.)","breadcrumbs":"Benchmarks » Results","id":"43","title":"Results"},"44":{"body":"Bdf The BDF solver is the same method as that used by the Sundials IDA and CVODE solvers so we expect the performance to be largely similar, and this is generally the case. There are differences due to the implementation details for each library, and the differences in the implementations for the linear solvers and matrices as discussed above. For the small, dense, stiff robertson problem the DiffSol implementation is very close and only slightly faster than Sundials (about 0.9). For the sparse heat2d problem the DiffSol implementation is slower than Sundials for smaller problems (about 2) but the performance improves significantly for larger problems until it is at about 0.3. Since this improvement for larger systems is not seen in foodweb or robertson_ode problems, it is likely due to the fact that the heat2d problem has a constant jacobian matrix and the DiffSol implementation has an advantage in this case. For the foodweb problem the DiffSol implementation is quite close to IDA for all sizes. It is again slower for small systems (about 1.5) and the performance improves for medium systems until it reaches a value of 0.7, but then performance starts to slowly decrease for larger systems until it is about 1.0 The DiffSol implementation of the robertson_ode problem is the only problem generally slower then the Sundials CVODE implementation and is about 1.5 - 1.9 the time taken by Sundials. Since the same method and linear solver is used in both cases the cause of this discrepancy is not due to these factors, but is likely due to the differences in how the jacobian is calculated (in Sundials it is provided directly, but DiffSol is required to calculate it from the jacobian multiplication function).","breadcrumbs":"Benchmarks » Bdf solver","id":"44","title":"Bdf solver"},"45":{"body":"Bdf + DiffSl The main difference between this plot and the previous for the Bdf solver is the use of the DiffSl language for the equations, rather than Rust closures. The trends in each case are mostly the same, and the DiffSl implementation only has a small slowdown comparared with rust closures for most problems. This difference is minimal, and can be seen most clearly for the small robertson problem where the DiffSl implementation is just above 1.0 times the speed of the Sundials implementation, while the rust closure implementation is about 0.9. However, for some larger systems the DiffSl can be faster, for example the foodweb problem is quicker at larger sizes, which is probably due to the fact that the rust closures bound-check the array indexing, while the DiffSl implementation does not. This plot demonstrates that a DiffSL implementation can be comparable in speed to a hand-written Rust or C implementation, but much more easily wrapped and used from a high-level language like Python or R, where the equations can be passed down to the rust solver as a simple string and then JIT compiled at runtime.","breadcrumbs":"Benchmarks » Bdf + DiffSl","id":"45","title":"Bdf + DiffSl"},"5":{"body":"ODEs describe the continuous evolution of a system over time, but many systems also involve discrete events that occur at specific times. For example, in a compartmental model of drug delivery, the administration of a drug is a discrete event that occurs at a specific time. In a bouncing ball model, the collision of the ball with the ground is a discrete event that changes the state of the system. It is normally difficult to model these events using ODEs alone, as they require a different approach to handle the discontinuities in the system. While we can represent discrete events mathematically using delta functions, many ODE solvers are not designed to handle these discontinuities, and may produce inaccurate results or fail to converge during the integration. DiffSol provides a way to model discrete events in a system of ODEs by maintaining an internal state of each solver that can be updated when a discrete event occurs. Each solver has an internal state that holds information such as the current time \\(t\\), the current state of the system \\(\\mathbf{y}\\), and other solver-specific information. When a discrete event occurs, the user can update the internal state of the solver to reflect the change in the system, and then continue the integration of the ODEs as normal. DiffSol also provides a way to stop the integration of the ODEs, either at a specific time or when a specific condition is met. This can be useful for modelling systems with discrete events, as it allows the user to control the integration of the ODEs and to handle the events in a flexible way. The Solving the Problem and Root Finding sections provides an introduction to the API for solving ODEs and detecting events with DiffSol. In the next two sections, we will look at two examples of systems with discrete events: compartmental models of drug delivery and bouncing ball models, and solve them using DiffSol using this API.","breadcrumbs":"Modelling with ODEs » Discrete Events » Discrete Events","id":"5","title":"Discrete Events"},"6":{"body":"The field of Pharmacokinetics (PK) provides a quantitative basis for describing the delivery of a drug to a patient, the diffusion of that drug through the plasma/body tissue, and the subsequent clearance of the drug from the patient's system. PK is used to ensure that there is sufficient concentration of the drug to maintain the required efficacy of the drug, while ensuring that the concentration levels remain below the toxic threshold. Pharmacokinetic (PK) models are often combined with Pharmacodynamic (PD) models, which model the positive effects of the drug, such as the binding of a drug to the biological target, and/or undesirable side effects, to form a full PKPD model of the drug-body interaction. This example will only focus on PK, neglecting the interaction with a PD model. Fig 1 PK enables the following processes to be quantified: Absorption Distribution Metabolism Excretion These are often referred to as ADME, and taken together describe the drug concentration in the body when medicine is prescribed. These ADME processes are typically described by zeroth-order or first-order rate reactions modelling the dynamics of the quantity of drug $q$, with a given rate parameter $k$, for example: \\[ \\frac{dq}{dt} = -k^*, \\] \\[ \\frac{dq}{dt} = -k q. \\] The body itself is modelled as one or more compartments , each of which is defined as a kinetically homogeneous unit (these compartments do not relate to specific organs in the body, unlike Physiologically based pharmacokinetic, PBPK, modeling). There is typically a main central compartment into which the drug is administered and from which the drug is excreted from the body, combined with zero or more peripheral compartments to which the drug can be distributed to/from the central compartment (See Fig 2). Each peripheral compartment is only connected to the central compartment. Fig 2 The following example PK model describes the two-compartment model shown diagrammatically in the figure above. The time-dependent variables to be solved are the drug quantity in the central and peripheral compartments, $q_c$ and $q_{p1}$ (units: [ng]) respectively. \\[ \\frac{dq_c}{dt} = \\text{Dose}(t) - \\frac{q_c}{V_c} CL - Q_{p1} \\left ( \\frac{q_c}{V_c} - \\frac{q_{p1}}{V_{p1}} \\right ), \\] \\[ \\frac{dq_{p1}}{dt} = Q_{p1} \\left ( \\frac{q_c}{V_c} - \\frac{q_{p1}}{V_{p1}} \\right ). \\] This model describes an intravenous bolus dosing protocol, with a linear clearance from the central compartment (non-linear clearance processes are also possible, but not considered here). The dose function $\\text{Dose}(t)$ will consist of instantaneous doses of $X$ ng of the drug at one or more time points. The other input parameters to the model are: \\(V_c\\) [mL], the volume of the central compartment \\(V_{p1}\\) [mL], the volume of the first peripheral compartment \\(CL\\) [mL/h], the clearance/elimination rate from the central compartment \\(Q_{p1}\\) [mL/h], the transition rate between central compartment and peripheral compartment 1 We will solve this system of ODEs using the DiffSol crate. Rather than trying to write down the dose function as a mathematical function, we will neglect the dose function from the equations and instead using DiffSol's API to specify the dose at specific time points. First lets write down the equations in the standard form of a first order ODE system: \\[ \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] where \\[ \\mathbf{y} = \\begin{bmatrix} q_c \\\\ q_{p1} \\end{bmatrix} \\] and \\[ \\mathbf{f}(\\mathbf{y}, t) = \\begin{bmatrix} - \\frac{q_c}{V_c} CL - Q_{p1} \\left ( \\frac{q_c}{V_c} - \\frac{q_{p1}}{V_{p1}} \\right ) \\\\ Q_{p1} \\left ( \\frac{q_c}{V_c} - \\frac{q_{p1}}{V_{p1}} \\right ) \\end{bmatrix} \\] We will also need to specify the initial conditions for the system: \\[ \\mathbf{y}(0) = \\begin{bmatrix} 0 \\\\ 0 \\end{bmatrix} \\] For the dose function, we will specify a dose of 1000 ng at regular intervals of 6 hours. We will also specify the other parameters of the model: \\[ V_c = 1000 \\text{ mL}, \\quad V_{p1} = 1000 \\text{ mL}, \\quad CL = 100 \\text{ mL/h}, \\quad Q_{p1} = 50 \\text{ mL/h} \\] Let's now solve this system of ODEs using DiffSol. # fn main() {\n# use std::fs;\nuse diffsol::{ DiffSl, CraneliftModule, OdeBuilder, OdeSolverMethod, OdeSolverStopReason,\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\ntype M = nalgebra::DMatrix;\ntype CG = CraneliftModule;\ntype LS = diffsol::NalgebraLU; let eqn = DiffSl::::compile(\" Vc { 1000.0 } Vp1 { 1000.0 } CL { 100.0 } Qp1 { 50.0 } u_i { qc = 0, qp1 = 0, } F_i { - qc / Vc * CL - Qp1 * (qc / Vc - qp1 / Vp1), Qp1 * (qc / Vc - qp1 / Vp1), }\n\").unwrap(); let problem = OdeBuilder::::new().build_from_eqn(eqn).unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet doses = vec![(0.0, 1000.0), (6.0, 1000.0), (12.0, 1000.0), (18.0, 1000.0)]; let mut q_c = Vec::new();\nlet mut q_p1 = Vec::new();\nlet mut time = Vec::new(); // apply the first dose and save the initial state\nsolver.state_mut().y[0] = doses[0].1;\nq_c.push(solver.state().y[0]);\nq_p1.push(solver.state().y[1]);\ntime.push(0.0); // solve and apply the remaining doses\nfor (t, dose) in doses.into_iter().skip(1) { solver.set_stop_time(t).unwrap(); loop { let ret = solver.step(); q_c.push(solver.state().y[0]); q_p1.push(solver.state().y[1]); time.push(solver.state().t); match ret { Ok(OdeSolverStopReason::InternalTimestep) => continue, Ok(OdeSolverStopReason::TstopReached) => break, _ => panic!(\"unexpected solver error\"), } } solver.state_mut().y[0] += dose;\n}\nlet mut plot = Plot::new();\nlet q_c = Scatter::new(time.clone(), q_c).mode(Mode::Lines).name(\"q_c\");\nlet q_p1 = Scatter::new(time, q_p1).mode(Mode::Lines).name(\"q_p1\");\nplot.add_trace(q_c);\nplot.add_trace(q_p1); let layout = Layout::new() .x_axis(Axis::new().title(\"t [h]\")) .y_axis(Axis::new().title(\"amount [ng]\"));\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"drug-delivery\"));\n# fs::write(\"../src/primer/images/drug-delivery.html\", plot_html).expect(\"Unable to write file\");\n# }","breadcrumbs":"Modelling with ODEs » Discrete Events » Example: Compartmental models of Drug Delivery » Example: Compartmental models of Drug Delivery","id":"6","title":"Example: Compartmental models of Drug Delivery"},"7":{"body":"Modelling a bouncing ball is a simple and intuitive example of a system with discrete events. The ball is dropped from a height \\(h\\) and bounces off the ground with a coefficient of restitution \\(e\\). When the ball hits the ground, its velocity is reversed and scaled by the coefficient of restitution, and the ball rises and then continues to fall until it hits the ground again. This process repeats until halted. The second order ODE that describes the motion of the ball is given by: \\[ \\frac{d^2x}{dt^2} = -g \\] where \\(x\\) is the position of the ball, \\(t\\) is time, and \\(g\\) is the acceleration due to gravity. We can rewrite this as a system of two first order ODEs by introducing a new variable for the velocity of the ball: \\[ \\begin{align*} \\frac{dx}{dt} &= v \\\\ \\frac{dv}{dt} &= -g \\end{align*} \\] where \\(v = \\frac{dx}{dt}\\) is the velocity of the ball. This is a system of two first order ODEs, which can be written in vector form as: \\[ \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] where \\[ \\mathbf{y} = \\begin{bmatrix} x \\\\ v \\end{bmatrix} \\] and \\[ \\mathbf{f}(\\mathbf{y}, t) = \\begin{bmatrix} v \\\\ -g \\end{bmatrix} \\] The initial conditions for the ball, including the height from which it is dropped and its initial velocity, are given by: \\[ \\mathbf{y}(0) = \\begin{bmatrix} h \\\\ 0 \\end{bmatrix} \\] When the ball hits the ground, we need to update the velocity of the ball according to the coefficient of restitution, which is the ratio of the velocity after the bounce to the velocity before the bounce. The velocity after the bounce \\(v'\\) is given by: \\[ v' = -e v \\] where \\(e\\) is the coefficient of restitution. However, to implement this in our ODE solver, we need to detect when the ball hits the ground. We can do this by using DiffSol's event handling feature, which allows us to specify a function that is equal to zero when the event occurs, i.e. when the ball hits the ground. This function \\(g(\\mathbf{y}, t)\\) is called an event or root function, and for our bouncing ball problem, it is given by: \\[ g(\\mathbf{y}, t) = x \\] where \\(x\\) is the position of the ball. When the ball hits the ground, the event function will be zero and DiffSol will stop the integration, and we can update the velocity of the ball accordingly. In code, the bouncing ball problem can be solved using DiffSol as follows: # fn main() {\n# use std::fs;\nuse diffsol::{ DiffSl, CraneliftModule, OdeBuilder, OdeSolverMethod, OdeSolverStopReason,\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\ntype M = nalgebra::DMatrix;\ntype CG = CraneliftModule;\ntype LS = diffsol::NalgebraLU; let eqn = DiffSl::::compile(\" g { 9.81 } h { 10.0 } u_i { x = h, v = 0, } F_i { v, -g, } stop { x, }\n\").unwrap(); let e = 0.8;\nlet problem = OdeBuilder::::new().build_from_eqn(eqn).unwrap();\nlet mut solver = problem.bdf::().unwrap(); let mut x = Vec::new();\nlet mut v = Vec::new();\nlet mut t = Vec::new();\nlet final_time = 10.0; // save the initial state\nx.push(solver.state().y[0]);\nv.push(solver.state().y[1]);\nt.push(0.0); // solve until the final time is reached\nsolver.set_stop_time(final_time).unwrap();\nloop { match solver.step() { Ok(OdeSolverStopReason::InternalTimestep) => (), Ok(OdeSolverStopReason::RootFound(t)) => { // get the state when the event occurred let mut y = solver.interpolate(t).unwrap(); // update the velocity of the ball y[1] *= -e; // make sure the ball is above the ground y[0] = y[0].max(f64::EPSILON); // set the state to the updated state solver.state_mut().y.copy_from(&y); solver.state_mut().dy[0] = y[1]; *solver.state_mut().t = t; }, Ok(OdeSolverStopReason::TstopReached) => break, Err(_) => panic!(\"unexpected solver error\"), } x.push(solver.state().y[0]); v.push(solver.state().y[1]); t.push(solver.state().t);\n}\nlet mut plot = Plot::new();\nlet x = Scatter::new(t.clone(), x).mode(Mode::Lines).name(\"x\");\nlet v = Scatter::new(t, v).mode(Mode::Lines).name(\"v\");\nplot.add_trace(x);\nplot.add_trace(v); let layout = Layout::new() .x_axis(Axis::new().title(\"t\")) .y_axis(Axis::new());\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"bouncing-ball\"));\n# fs::write(\"../src/primer/images/bouncing-ball.html\", plot_html).expect(\"Unable to write file\");\n# }","breadcrumbs":"Modelling with ODEs » Discrete Events » Example: Bouncing Ball » Example: Bouncing Ball","id":"7","title":"Example: Bouncing Ball"},"8":{"body":"Differential-algebraic equations (DAEs) are a generalisation of ordinary differential equations (ODEs) that include algebraic equations, or equations that do not involve derivatives. Algebraic equations can arise in many physical systems and often are used to model constraints on the system, such as conservation laws or other relationships between the state variables. For example, in an electrical circuit, the current flowing into a node must equal the current flowing out of the node, which can be written as an algebraic equation. DAEs can be written in the general implicit form: \\[ \\mathbf{F}(\\mathbf{y}, \\mathbf{y}', t) = 0 \\] where \\(\\mathbf{y}\\) is the vector of state variables, \\(\\mathbf{y}'\\) is the vector of derivatives of the state variables, and \\(\\mathbf{F}\\) is a vector-valued function that describes the system of equations. However, for the purposes of this primer and the capabilities of DiffSol, we will focus on a specific form of DAEs called index-1 or semi-explicit DAEs, which can be written as a combination of differential and algebraic equations: \\[ \\begin{align*} \\frac{d\\mathbf{y}}{dt} &= \\mathbf{f}(\\mathbf{y}, \\mathbf{y}', t) \\\\ 0 = \\mathbf{g}(\\mathbf{y}, t) \\end{align*} \\] where \\(\\mathbf{f}\\) is the vector-valued function that describes the differential equations and \\(\\mathbf{g}\\) is the vector-valued function that describes the algebraic equations. The key difference between DAEs and ODEs is that DAEs include algebraic equations that must be satisfied at each time step, in addition to the differential equations that describe the rate of change of the state variables. How does this relate to the standard form of an explicit ODE that we have seen before? Recall that an explicit ODE can be written as: \\[ \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] Lets update this equation to include a matrix \\(\\mathbf{M}\\) that multiplies the derivative term: \\[ M \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] When \\(M\\) is the identity matrix (i.e. a matrix with ones along the diagonal), this reduces to the standard form of an explicit ODE. However, when \\(M\\) has diagonal entries that are zero, this introduces algebraic equations into the system and it reduces to the semi-explicit DAE equations show above. The matrix \\(M\\) is called the mass matrix . Thus, we now have a general form of a set of differential equations, that includes both ODEs and semi-explicit DAEs. This general form is used by DiffSol to allow users to specify a wide range of problems, from simple ODEs to more complex DAEs. In the next section, we will look at a few examples of DAEs and how to solve them using DiffSol and a mass matrix.","breadcrumbs":"Modelling with ODEs » DAEs via the Mass Matrix » DAEs via the Mass Matrix","id":"8","title":"DAEs via the Mass Matrix"},"9":{"body":"Lets consider the following low-pass LRC filter circuit: +---L---+---C---+ | | |\nV_s = R | | | | +-------+-------+ The circuit consists of a resistor \\(R\\), an inductor \\(L\\), and a capacitor \\(C\\) connected in series to a voltage source \\(V_s\\). The voltage across the resistor \\(V\\) is given by Ohm's law: \\[ V = R i_R \\] where \\(i_R\\) is the current flowing through the resistor. The voltage across the inductor is given by: \\[ \\frac{di_L}{dt} = \\frac{V_s - V}{L} \\] where \\(di_L/dt\\) is the rate of change of current with respect to time. The voltage across the capacitor is the same as the voltage across the resistor and the equation for an ideal capacitor is: \\[ \\frac{dV}{dt} = \\frac{i_C}{C} \\] where \\(i_C\\) is the current flowing through the capacitor. The sum of the currents flowing into and out of the top-center node of the circuit must be zero according to Kirchhoff's current law: \\[ i_L = i_R + i_C \\] Thus we have a system of two differential equations and two algebraic equation that describe the evolution of the currents through the resistor, inductor, and capacitor, and the voltage across the resistor. We can write these equations in the general form: \\[ M \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] where \\[ \\mathbf{y} = \\begin{bmatrix} i_R \\\\ i_L \\\\ i_C \\\\ V \\end{bmatrix} \\] and \\[ \\mathbf{f}(\\mathbf{y}, t) = \\begin{bmatrix} V - R i_R \\\\ \\frac{V_s - V}{L} \\\\ i_L - i_R - i_C \\\\ \\frac{i_C}{C} \\end{bmatrix} \\] The mass matrix \\(M\\) has one on the diagonal for the differential equations and zero for the algebraic equation. \\[ M = \\begin{bmatrix} 0 & 0 & 0 & 0 \\\\ 0 & 1 & 0 & 0 \\\\ 0 & 0 & 0 & 0 \\\\ 0 & 0 & 0 & 1 \\end{bmatrix} \\] Instead of providing the mass matrix explicitly, the DiffSL language specifies the multiplication of the mass matrix with the derivative term, \\(M \\frac{d\\mathbf{y}}{dt}\\), which is given by: \\[ M \\frac{d\\mathbf{y}}{dt} = \\begin{bmatrix} 0 \\\\ \\frac{di_L}{dt} \\\\ 0 \\\\ \\frac{dV}{dt} \\end{bmatrix} \\] The initial conditions for the system are: \\[ \\mathbf{y}(0) = \\begin{bmatrix} 0 \\\\ 0 \\\\ 0 \\\\ 0 \\end{bmatrix} \\] The voltage source \\(V_s\\) acts as a forcing function for the system, and we can specify this as sinusoidal function of time. \\[ V_s(t) = V_0 \\sin(omega t) \\] where \\(omega\\) is the angular frequency of the source. Since this is a low-pass filter, we will choose a high frequency for the source, say \\(omega = 200\\), to demonstrate the filtering effect of the circuit. We can solve this system of equations using DiffSol and plot the current and voltage across the resistor as a function of time. # fn main() {\n# use std::fs;\nuse diffsol::{ DiffSl, CraneliftModule, OdeBuilder, OdeSolverMethod\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\ntype M = nalgebra::DMatrix;\ntype CG = CraneliftModule;\ntype LS = diffsol::NalgebraLU; let eqn = DiffSl::::compile(\" R { 100.0 } L { 1.0 } C { 0.001 } V0 { 10 } omega { 100.0 } Vs { V0 * sin(omega * t) } u_i { iR = 0, iL = 0, iC = 0, V = 0, } dudt_i { diRdt = 0, diLdt = 0, diCdt = 0, dVdt = 0, } M_i { 0, diLdt, 0, dVdt, } F_i { V - R * iR, (Vs - V) / L, iL - iR - iC, iC / C, } out_i { iR, }\n\").unwrap();\nlet problem = OdeBuilder::::new() .build_from_eqn(eqn).unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet (ys, ts) = solver.solve(1.0).unwrap(); let ir: Vec<_> = ys.row(0).into_iter().copied().collect();\nlet t: Vec<_> = ts.into_iter().collect(); let ir = Scatter::new(t.clone(), ir).mode(Mode::Lines); let mut plot = Plot::new();\nplot.add_trace(ir); let layout = Layout::new() .x_axis(Axis::new().title(\"t\")) .y_axis(Axis::new().title(\"current\"));\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"electrical-circuit\"));\n# fs::write(\"../src/primer/images/electrical-circuit.html\", plot_html).expect(\"Unable to write file\");\n# }","breadcrumbs":"Modelling with ODEs » DAEs via the Mass Matrix » Example: Electrical Circuits » Example: Electrical Circuits","id":"9","title":"Example: Electrical Circuits"}},"length":46,"save":true},"fields":["title","body","breadcrumbs"],"index":{"body":{"root":{"0":{".":{".":{"1":{"0":{"df":1,"docs":{"34":{"tf":2.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{"0":{"1":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}},"df":2,"docs":{"20":{"tf":1.0},"21":{"tf":1.4142135623730951}}},"1":{"df":16,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951},"25":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"33":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.4142135623730951},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0}}},"3":{"df":1,"docs":{"44":{"tf":1.0}}},"4":{"df":1,"docs":{"33":{"tf":1.0}}},"5":{"df":2,"docs":{"17":{"tf":2.23606797749979},"18":{"tf":1.0}}},"7":{"df":1,"docs":{"44":{"tf":1.0}}},"8":{"df":1,"docs":{"7":{"tf":1.0}}},"9":{"8":{"df":1,"docs":{"34":{"tf":3.1622776601683795}}},"df":2,"docs":{"44":{"tf":1.0},"45":{"tf":1.0}}},"df":0,"docs":{}},"df":16,"docs":{"1":{"tf":1.0},"15":{"tf":2.0},"17":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.0},"31":{"tf":2.0},"34":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.4142135623730951},"9":{"tf":5.477225575051661}}},"1":{".":{".":{"6":{")":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"p":{"(":{"df":0,"docs":{},"f":{"6":{"4":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{"df":21,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"18":{"tf":1.4142135623730951},"2":{"tf":2.23606797749979},"20":{"tf":1.7320508075688772},"21":{"tf":2.449489742783178},"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"33":{"tf":2.449489742783178},"34":{"tf":2.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.23606797749979},"39":{"tf":2.449489742783178},"4":{"tf":1.4142135623730951},"44":{"tf":1.0},"45":{"tf":1.0},"9":{"tf":1.0}}},"5":{"df":1,"docs":{"44":{"tf":1.4142135623730951}}},"9":{"df":1,"docs":{"44":{"tf":1.0}}},"df":0,"docs":{}},"0":{".":{"0":{"df":14,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":2.0},"31":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":2.23606797749979},"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"0":{".":{"0":{"df":2,"docs":{"6":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"0":{".":{"0":{"df":1,"docs":{"6":{"tf":2.449489742783178}}},"df":0,"docs":{}},"df":1,"docs":{"6":{"tf":1.7320508075688772}}},"df":1,"docs":{"6":{"tf":1.0}}},"^":{"0":{"df":1,"docs":{"43":{"tf":1.0}}},"1":{"df":1,"docs":{"43":{"tf":1.0}}},"df":0,"docs":{}},"df":5,"docs":{"1":{"tf":1.4142135623730951},"21":{"tf":1.0},"34":{"tf":1.7320508075688772},"43":{"tf":1.0},"9":{"tf":1.0}}},"2":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"8":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":17,"docs":{"13":{"tf":1.7320508075688772},"15":{"tf":2.0},"17":{"tf":1.7320508075688772},"18":{"tf":1.0},"2":{"tf":2.23606797749979},"20":{"tf":1.7320508075688772},"24":{"tf":2.23606797749979},"25":{"tf":1.4142135623730951},"26":{"tf":1.7320508075688772},"30":{"tf":3.4641016151377544},"31":{"tf":3.4641016151377544},"34":{"tf":1.4142135623730951},"4":{"tf":1.0},"41":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"2":{".":{"0":{"/":{"3":{".":{"0":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":12,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"24":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.7320508075688772},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"0":{"0":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}},"d":{"df":1,"docs":{"41":{"tf":1.4142135623730951}}},"df":8,"docs":{"15":{"tf":1.0},"20":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"41":{"tf":1.4142135623730951},"44":{"tf":1.0},"6":{"tf":1.4142135623730951}},"n":{"^":{"2":{"df":1,"docs":{"41":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"y":{"/":{"df":0,"docs":{},"k":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{}}},"3":{".":{"0":{"df":1,"docs":{"38":{"tf":1.0}}},"df":0,"docs":{}},"df":2,"docs":{"34":{"tf":1.4142135623730951},"41":{"tf":1.4142135623730951}}},"4":{".":{"0":{"/":{"3":{".":{"0":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"38":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"5":{".":{"0":{"df":1,"docs":{"38":{"tf":1.0}}},"df":0,"docs":{}},"0":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"6":{"tf":1.0}}},"df":2,"docs":{"1":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951}}},"6":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"7":{".":{"0":{"df":1,"docs":{"42":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":6,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"33":{"tf":1.0},"34":{"tf":2.449489742783178},"6":{"tf":1.0}}},"7":{"5":{"4":{"df":1,"docs":{"34":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"8":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"9":{".":{"8":{"1":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"_":{">":{"(":{"&":{"df":0,"docs":{},"t":{"a":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"u":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":1,"docs":{"35":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":2,"docs":{"34":{"tf":1.4142135623730951},"6":{"tf":1.0}},"p":{"df":7,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.4142135623730951},"21":{"tf":2.0},"34":{"tf":1.4142135623730951}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"n":{"df":4,"docs":{"18":{"tf":1.0},"33":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":1.4142135623730951}}}}}},"t":{"df":17,"docs":{"13":{"tf":1.7320508075688772},"15":{"tf":2.0},"17":{"tf":2.0},"18":{"tf":2.0},"2":{"tf":1.0},"20":{"tf":2.23606797749979},"21":{"tf":3.1622776601683795},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.23606797749979},"31":{"tf":2.23606797749979},"34":{"tf":2.449489742783178},"35":{"tf":1.7320508075688772},"36":{"tf":1.7320508075688772},"38":{"tf":2.449489742783178},"39":{"tf":3.0}}},"v":{"df":2,"docs":{"20":{"tf":1.0},"21":{"tf":1.4142135623730951}}}},"a":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"v":{"df":12,"docs":{"1":{"tf":1.0},"12":{"tf":1.7320508075688772},"13":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"3":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"2":{"tf":2.0}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"13":{"tf":1.4142135623730951},"42":{"tf":1.0}}}}},"r":{"b":{"df":1,"docs":{"0":{"tf":1.0}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}},"c":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"3":{"tf":1.0},"7":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"s":{"df":3,"docs":{"29":{"tf":1.0},"36":{"tf":1.0},"42":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"r":{"d":{"df":2,"docs":{"7":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"7":{"tf":1.0}}}}}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"0":{"tf":1.0}}}}}}},"df":0,"docs":{},"t":{"df":2,"docs":{"4":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"16":{"tf":1.0}}}}}}},"d":{"d":{"df":2,"docs":{"15":{"tf":1.0},"17":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":4,"docs":{"11":{"tf":1.0},"15":{"tf":1.7320508075688772},"42":{"tf":1.0},"8":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"23":{"tf":1.0}}}}}}}},"df":1,"docs":{"17":{"tf":1.0}},"j":{"df":0,"docs":{},"o":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"38":{"tf":1.0}}}}}}},"m":{"df":1,"docs":{"6":{"tf":1.4142135623730951}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.0}},"r":{"df":1,"docs":{"5":{"tf":1.0}}}}}}}}},"v":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"44":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"42":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"g":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":4,"docs":{"15":{"tf":1.0},"20":{"tf":1.0},"44":{"tf":1.0},"7":{"tf":1.0}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"40":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"r":{"a":{"df":6,"docs":{"0":{"tf":1.4142135623730951},"15":{"tf":1.0},"36":{"tf":1.4142135623730951},"41":{"tf":1.4142135623730951},"8":{"tf":2.8284271247461903},"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":5,"docs":{"2":{"tf":1.0},"42":{"tf":1.0},"5":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"5":{"tf":1.0}},"g":{"df":2,"docs":{"41":{"tf":2.23606797749979},"8":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"e":{"a":{"d":{"df":0,"docs":{},"i":{"df":3,"docs":{"10":{"tf":1.0},"29":{"tf":1.4142135623730951},"36":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"w":{"a":{"df":0,"docs":{},"y":{"df":1,"docs":{"3":{"tf":1.0}}}},"df":0,"docs":{}}},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"29":{"tf":1.0}}}}}}},"n":{"d":{"/":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{},"g":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}}}},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":2,"docs":{"10":{"tf":1.0},"3":{"tf":1.0}}}}}},"p":{"df":0,"docs":{},"i":{"df":5,"docs":{"0":{"tf":1.0},"10":{"tf":2.0},"12":{"tf":3.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.0}}},"p":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"3":{"tf":1.0}}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"19":{"tf":1.0}}},"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"r":{"df":0,"docs":{},"o":{"a":{"c":{"df":0,"docs":{},"h":{"df":1,"docs":{"5":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"23":{"tf":1.4142135623730951}}}}}}}}},"r":{"df":0,"docs":{},"g":{"df":0,"docs":{},"u":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"17":{"tf":1.0}}}}}}}},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"8":{"tf":1.0}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"d":{"df":3,"docs":{"10":{"tf":1.0},"13":{"tf":1.0},"34":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"a":{"df":0,"docs":{},"y":{"df":2,"docs":{"42":{"tf":1.0},"45":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"36":{"tf":1.4142135623730951}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":1,"docs":{"36":{"tf":1.0}}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}}},"o":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"m":{"df":3,"docs":{"1":{"tf":1.0},"2":{"tf":1.0},"29":{"tf":1.0}},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}}}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"(":{"[":{"1":{"df":4,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"34":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"13":{"tf":1.0}}}},"t":{"a":{"c":{"df":0,"docs":{},"h":{"df":1,"docs":{"4":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}}}}}}},"v":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":1,"docs":{"35":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}},"w":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"x":{"df":0,"docs":{},"i":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"43":{"tf":1.4142135623730951}}}}},"b":{"a":{"c":{"df":0,"docs":{},"k":{"df":1,"docs":{"39":{"tf":1.0}},"e":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"12":{"tf":1.4142135623730951},"33":{"tf":2.23606797749979}}},"df":0,"docs":{}}},"w":{"a":{"df":0,"docs":{},"r":{"d":{"df":1,"docs":{"35":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"7":{"tf":1.0}}}}}}},"df":3,"docs":{"0":{"tf":1.4142135623730951},"5":{"tf":1.7320508075688772},"7":{"tf":4.69041575982343}}}},"n":{"d":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"e":{"df":6,"docs":{"0":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0},"36":{"tf":1.4142135623730951},"39":{"tf":1.0},"6":{"tf":1.0}}},"i":{"c":{"df":1,"docs":{"0":{"tf":1.0}}},"df":1,"docs":{"6":{"tf":1.0}}}}},"d":{"df":0,"docs":{},"f":{"df":4,"docs":{"35":{"tf":1.0},"36":{"tf":1.0},"44":{"tf":1.7320508075688772},"45":{"tf":1.7320508075688772}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"_":{"df":0,"docs":{},"w":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"35":{"tf":1.0},"36":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":2,"docs":{"35":{"tf":1.0},"36":{"tf":1.0}}}}},"df":0,"docs":{}}}}},"df":1,"docs":{"2":{"tf":3.0}},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":1,"docs":{"39":{"tf":1.0}}}}},"df":1,"docs":{"0":{"tf":1.0}},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":4,"docs":{"0":{"tf":1.0},"35":{"tf":1.4142135623730951},"7":{"tf":1.0},"8":{"tf":1.0}}}}},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"40":{"tf":1.0}},"{":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":5,"docs":{"1":{"tf":1.0},"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}}}}},"b":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":8,"docs":{"1":{"tf":2.0},"15":{"tf":2.0},"2":{"tf":2.449489742783178},"20":{"tf":1.0},"3":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"9":{"tf":2.23606797749979}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"h":{"a":{"df":0,"docs":{},"v":{"df":1,"docs":{"2":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":2,"docs":{"0":{"tf":1.0},"2":{"tf":1.0}}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"12":{"tf":1.0},"33":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":3,"docs":{"13":{"tf":1.0},"31":{"tf":1.0},"6":{"tf":1.0}}}}},"n":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":1,"docs":{"40":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"12":{"tf":1.0}}}},"t":{"a":{"df":4,"docs":{"15":{"tf":2.8284271247461903},"26":{"tf":1.4142135623730951},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":5,"docs":{"2":{"tf":1.0},"42":{"tf":1.4142135623730951},"45":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.4142135623730951}}}}}}},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"39":{"tf":1.0}}},"df":0,"docs":{}}}}},"i":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}},"i":{"df":1,"docs":{"0":{"tf":1.0}}}}}}}},"o":{"d":{"df":0,"docs":{},"i":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":2.23606797749979}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":1,"docs":{"6":{"tf":1.0}}}},"o":{"df":0,"docs":{},"k":{"df":2,"docs":{"10":{"tf":1.0},"32":{"tf":1.0}}}},"t":{"df":0,"docs":{},"h":{"df":6,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0},"35":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.0},"8":{"tf":1.0}}}},"u":{"df":0,"docs":{},"n":{"c":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.4142135623730951},"7":{"tf":2.8284271247461903}}},"d":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"41":{"tf":1.0}}}}},"df":2,"docs":{"42":{"tf":1.0},"45":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"k":{"df":4,"docs":{"18":{"tf":1.0},"39":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{"(":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":4,"docs":{"2":{"tf":1.0},"33":{"tf":1.0},"4":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"m":{"df":0,"docs":{},"y":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":1,"docs":{"31":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}}},"df":2,"docs":{"23":{"tf":1.0},"33":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}},"df":11,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"15":{"tf":1.0}}}}},"df":0,"docs":{}}},"t":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"35":{"tf":1.0}}}}}},"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"31":{"tf":1.0}}}}}}},"y":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"36":{"tf":1.0}}}}},"df":0,"docs":{}}}},"c":{"/":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}},"_":{"1":{"df":1,"docs":{"1":{"tf":2.23606797749979}}},"2":{"df":1,"docs":{"1":{"tf":2.23606797749979}}},"df":0,"docs":{}},"a":{"df":0,"docs":{},"l":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":4,"docs":{"11":{"tf":1.0},"34":{"tf":1.0},"42":{"tf":1.4142135623730951},"44":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":4,"docs":{"24":{"tf":1.0},"25":{"tf":1.0},"30":{"tf":2.0},"31":{"tf":2.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":11,"docs":{"1":{"tf":1.0},"10":{"tf":1.0},"13":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"20":{"tf":1.7320508075688772},"29":{"tf":1.0},"32":{"tf":1.0},"34":{"tf":1.0},"42":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.4142135623730951}}}},"p":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"8":{"tf":1.0}}}},"c":{"df":1,"docs":{"13":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":2.23606797749979}}}}}}},"df":0,"docs":{}},"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}},"r":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"13":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"e":{"df":9,"docs":{"14":{"tf":1.0},"2":{"tf":1.0},"22":{"tf":1.0},"23":{"tf":1.7320508075688772},"26":{"tf":1.0},"34":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.7320508075688772},"45":{"tf":1.0}}}},"u":{"df":0,"docs":{},"s":{"df":1,"docs":{"44":{"tf":1.0}}}}},"df":6,"docs":{"1":{"tf":1.7320508075688772},"2":{"tf":3.0},"4":{"tf":1.7320508075688772},"43":{"tf":1.0},"45":{"tf":1.0},"9":{"tf":2.0}},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":1,"docs":{"1":{"tf":2.8284271247461903}}}},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}},"r":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":2.8284271247461903}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"16":{"tf":1.0}}}}},"df":0,"docs":{}}}},"g":{">":{":":{":":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"33":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":6,"docs":{"2":{"tf":1.4142135623730951},"33":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"h":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":7,"docs":{"0":{"tf":1.0},"1":{"tf":1.7320508075688772},"2":{"tf":2.0},"42":{"tf":1.0},"5":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.0}}}},"p":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"40":{"tf":1.0}}}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"k":{"df":2,"docs":{"42":{"tf":1.0},"45":{"tf":1.0}}}},"df":0,"docs":{},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"0":{"tf":1.0}}}}}}}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":4,"docs":{"34":{"tf":1.0},"35":{"tf":1.0},"41":{"tf":1.0},"9":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":2,"docs":{"36":{"tf":1.0},"39":{"tf":1.0}}}}}}},"i":{"df":0,"docs":{},"r":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.0}}}}}}},"df":3,"docs":{"0":{"tf":1.7320508075688772},"8":{"tf":1.0},"9":{"tf":2.449489742783178}}}}}},"df":0,"docs":{}}},"l":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"11":{"tf":1.0}},"i":{"c":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":1,"docs":{"6":{"tf":2.449489742783178}},"e":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"6":{"tf":1.7320508075688772}},"e":{"/":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"df":0,"docs":{}},"i":{"c":{"df":0,"docs":{},"k":{"df":1,"docs":{"31":{"tf":1.0}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"44":{"tf":1.4142135623730951}}},"u":{"df":0,"docs":{},"r":{"df":4,"docs":{"12":{"tf":1.0},"13":{"tf":1.0},"2":{"tf":1.0},"45":{"tf":2.0}}}}}}},"o":{"d":{"df":0,"docs":{},"e":{"df":12,"docs":{"12":{"tf":1.0},"13":{"tf":1.0},"17":{"tf":1.0},"2":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":1.4142135623730951},"36":{"tf":1.0},"4":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":2,"docs":{"4":{"tf":1.0},"7":{"tf":2.0}}}},"df":0,"docs":{}}}}},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"5":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"m":{"df":0,"docs":{},"n":{"df":2,"docs":{"13":{"tf":1.0},"34":{"tf":1.0}}}}}},"m":{"b":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":3,"docs":{"1":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0}}}}},"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{":":{":":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":3,"docs":{"0":{"tf":1.4142135623730951},"16":{"tf":1.0},"26":{"tf":1.0}}}}},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"45":{"tf":1.0}}}},"df":2,"docs":{"40":{"tf":1.4142135623730951},"45":{"tf":1.0}},"t":{"df":1,"docs":{"6":{"tf":3.872983346207417}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.0}}}}}}}},"t":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":4,"docs":{"33":{"tf":1.4142135623730951},"42":{"tf":1.0},"43":{"tf":1.4142135623730951},"45":{"tf":1.0}}}},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":3,"docs":{"12":{"tf":1.0},"24":{"tf":1.0},"8":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"13":{"tf":1.0},"34":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"19":{"tf":1.0},"20":{"tf":1.4142135623730951},"24":{"tf":1.0}}}}}},"n":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":2,"docs":{"1":{"tf":2.23606797749979},"6":{"tf":1.7320508075688772}}}}}}},"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":12,"docs":{"0":{"tf":1.0},"1":{"tf":1.4142135623730951},"16":{"tf":1.0},"2":{"tf":1.7320508075688772},"25":{"tf":1.4142135623730951},"29":{"tf":1.0},"36":{"tf":1.0},"41":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"6":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"v":{"df":1,"docs":{"8":{"tf":1.0}}}}},"i":{"d":{"df":4,"docs":{"2":{"tf":1.0},"34":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":4,"docs":{"32":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}}}},"t":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":6,"docs":{"1":{"tf":1.0},"20":{"tf":1.0},"23":{"tf":1.0},"25":{"tf":1.0},"4":{"tf":1.0},"44":{"tf":1.0}},"o":{"df":0,"docs":{},"p":{"df":6,"docs":{"23":{"tf":1.0},"25":{"tf":1.7320508075688772},"29":{"tf":1.4142135623730951},"30":{"tf":1.7320508075688772},"31":{"tf":2.0},"34":{"tf":1.0}}}}}}},"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"32":{"tf":1.0}},"t":{"df":2,"docs":{"36":{"tf":1.4142135623730951},"8":{"tf":1.0}}}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":5,"docs":{"18":{"tf":1.0},"29":{"tf":1.0},"34":{"tf":1.0},"39":{"tf":1.0},"41":{"tf":2.0}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"t":{"df":1,"docs":{"33":{"tf":1.0}}}}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"u":{"df":6,"docs":{"0":{"tf":1.0},"18":{"tf":1.0},"39":{"tf":1.4142135623730951},"5":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":3,"docs":{"19":{"tf":1.0},"34":{"tf":1.0},"5":{"tf":1.0}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":1,"docs":{"22":{"tf":1.0}}}},"r":{"df":0,"docs":{},"g":{"df":3,"docs":{"18":{"tf":1.0},"39":{"tf":1.4142135623730951},"5":{"tf":1.0}}},"t":{"df":2,"docs":{"0":{"tf":1.0},"4":{"tf":1.0}}}}}}},"r":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"29":{"tf":1.0}}},"df":0,"docs":{}}}}}}}},"u":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":1,"docs":{"1":{"tf":1.0}}}},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"29":{"tf":1.0}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"r":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"t":{"df":1,"docs":{"12":{"tf":1.0}},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":6,"docs":{"2":{"tf":2.0},"33":{"tf":2.23606797749979},"4":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"7":{"tf":1.4142135623730951},"9":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}}}}}}},"t":{"df":0,"docs":{},"e":{"df":5,"docs":{"0":{"tf":1.0},"13":{"tf":1.0},"2":{"tf":1.0},"35":{"tf":1.7320508075688772},"6":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":9,"docs":{"13":{"tf":2.0},"20":{"tf":1.0},"23":{"tf":1.4142135623730951},"29":{"tf":1.0},"31":{"tf":1.4142135623730951},"33":{"tf":1.7320508075688772},"34":{"tf":1.0},"35":{"tf":3.1622776601683795},"36":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":8,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"21":{"tf":1.0},"36":{"tf":1.7320508075688772},"39":{"tf":1.0},"5":{"tf":1.4142135623730951},"8":{"tf":1.4142135623730951},"9":{"tf":2.6457513110645907}}}}}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":8,"docs":{"12":{"tf":1.0},"22":{"tf":1.4142135623730951},"23":{"tf":1.0},"24":{"tf":1.7320508075688772},"26":{"tf":1.0},"27":{"tf":1.0},"31":{"tf":1.0},"34":{"tf":1.4142135623730951}}}}}}},"v":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"/":{"c":{"df":0,"docs":{},"v":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"s":{"_":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"c":{"df":0,"docs":{},"k":{"_":{"df":0,"docs":{},"k":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{".":{"c":{"df":1,"docs":{"41":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":3,"docs":{"41":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"d":{"a":{"df":0,"docs":{},"e":{"df":5,"docs":{"0":{"tf":2.23606797749979},"14":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.0},"8":{"tf":3.3166247903554}}},"m":{"df":0,"docs":{},"p":{"df":2,"docs":{"0":{"tf":1.0},"4":{"tf":2.0}}}},"t":{"a":{"df":5,"docs":{"0":{"tf":1.0},"12":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.0},"29":{"tf":2.0}}},"df":0,"docs":{}}},"df":1,"docs":{"2":{"tf":3.0}},"e":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":1,"docs":{"2":{"tf":1.7320508075688772}}}}},"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"35":{"tf":1.7320508075688772}}}}}}}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"44":{"tf":1.0}}}},"df":0,"docs":{}}}},"d":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"10":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"a":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":2,"docs":{"13":{"tf":1.0},"33":{"tf":1.0}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":6,"docs":{"1":{"tf":1.7320508075688772},"24":{"tf":1.0},"29":{"tf":1.4142135623730951},"35":{"tf":2.0},"42":{"tf":2.0},"6":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772}}},"y":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{}}}}}},"t":{"a":{"df":1,"docs":{"5":{"tf":1.0}}},"df":0,"docs":{}}},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":3,"docs":{"24":{"tf":1.0},"45":{"tf":1.0},"9":{"tf":1.0}}}}}}}},"n":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}},"s":{"df":5,"docs":{"13":{"tf":1.4142135623730951},"32":{"tf":1.0},"41":{"tf":1.7320508075688772},"42":{"tf":1.0},"44":{"tf":1.0}}}},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"d":{"df":6,"docs":{"1":{"tf":1.0},"14":{"tf":1.0},"2":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.0},"6":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":7,"docs":{"0":{"tf":1.0},"1":{"tf":1.4142135623730951},"19":{"tf":1.0},"20":{"tf":1.4142135623730951},"3":{"tf":2.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}},"s":{"c":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"b":{"df":9,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0},"3":{"tf":1.0},"34":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":1.0},"8":{"tf":2.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":3,"docs":{"0":{"tf":1.0},"32":{"tf":1.0},"5":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"y":{"df":1,"docs":{"29":{"tf":1.0}}}}}}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":4,"docs":{"32":{"tf":1.0},"34":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":5,"docs":{"0":{"tf":1.0},"18":{"tf":1.4142135623730951},"34":{"tf":1.7320508075688772},"5":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"34":{"tf":1.0}}}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":1,"docs":{"40":{"tf":1.0}}}}}}}},"i":{"_":{"df":0,"docs":{},"l":{"/":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"a":{"df":0,"docs":{},"g":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":4,"docs":{"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"8":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"c":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"n":{"'":{"df":0,"docs":{},"t":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":10,"docs":{"1":{"tf":1.0},"2":{"tf":2.0},"34":{"tf":1.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"42":{"tf":2.0},"44":{"tf":1.7320508075688772},"45":{"tf":1.4142135623730951},"5":{"tf":1.0},"8":{"tf":1.0}},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":6,"docs":{"0":{"tf":1.7320508075688772},"1":{"tf":1.0},"32":{"tf":1.0},"41":{"tf":1.0},"8":{"tf":2.449489742783178},"9":{"tf":1.4142135623730951}}}}}}}},"i":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":1,"docs":{"5":{"tf":1.0}}}}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"l":{":":{":":{"<":{"df":0,"docs":{},"m":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"33":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":12,"docs":{"10":{"tf":1.0},"12":{"tf":2.23606797749979},"2":{"tf":1.7320508075688772},"32":{"tf":2.449489742783178},"33":{"tf":2.8284271247461903},"4":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":2.8284271247461903},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"o":{"df":0,"docs":{},"l":{"'":{"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":1.0}}},":":{":":{"b":{"d":{"df":0,"docs":{},"f":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"f":{"a":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":1,"docs":{"35":{"tf":1.0}}}},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":1,"docs":{"35":{"tf":1.0}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"n":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"33":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":1,"docs":{"35":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"o":{"d":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"df":12,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"31":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{},"p":{"df":1,"docs":{"24":{"tf":1.4142135623730951}}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":1,"docs":{"35":{"tf":1.0}}}}}},"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":2,"docs":{"13":{"tf":1.4142135623730951},"34":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"{":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"s":{"df":0,"docs":{},"l":{"df":1,"docs":{"33":{"tf":1.4142135623730951}}}}}}}},"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"df":1,"docs":{"33":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":1,"docs":{"34":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"d":{"df":4,"docs":{"18":{"tf":1.0},"21":{"tf":1.4142135623730951},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}}}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"35":{"tf":1.0},"36":{"tf":1.0}}}}}}}}}}}},"df":0,"docs":{},"p":{"df":4,"docs":{"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":26,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":1.4142135623730951},"10":{"tf":1.7320508075688772},"11":{"tf":1.0},"12":{"tf":1.4142135623730951},"14":{"tf":1.0},"15":{"tf":1.4142135623730951},"17":{"tf":1.0},"2":{"tf":1.7320508075688772},"24":{"tf":1.0},"3":{"tf":1.0},"32":{"tf":1.7320508075688772},"33":{"tf":1.0},"34":{"tf":2.0},"38":{"tf":1.0},"4":{"tf":1.4142135623730951},"40":{"tf":1.0},"41":{"tf":2.0},"42":{"tf":3.0},"43":{"tf":1.0},"44":{"tf":2.449489742783178},"5":{"tf":2.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"8":{"tf":1.7320508075688772},"9":{"tf":1.4142135623730951}}}}},"u":{"df":0,"docs":{},"s":{"df":3,"docs":{"41":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0}}}}}},"l":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":1,"docs":{"41":{"tf":1.4142135623730951}}}}}},"r":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"4":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"35":{"tf":1.4142135623730951},"44":{"tf":1.0}}}}}},"df":0,"docs":{}}},"s":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"u":{"df":1,"docs":{"5":{"tf":1.4142135623730951}}}}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"44":{"tf":1.0}}},"t":{"df":3,"docs":{"0":{"tf":2.23606797749979},"5":{"tf":3.1622776601683795},"7":{"tf":1.0}},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"14":{"tf":1.0}}}}}}},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"19":{"tf":1.0},"44":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"1":{"tf":1.0}}}},"df":0,"docs":{}},"h":{"df":1,"docs":{"1":{"tf":1.7320508075688772}}},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":1,"docs":{"4":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}}}},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":3,"docs":{"12":{"tf":1.0},"2":{"tf":1.0},"32":{"tf":1.0}}}}},"df":0,"docs":{}},"n":{"'":{"df":0,"docs":{},"t":{"df":1,"docs":{"36":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":4,"docs":{"13":{"tf":1.0},"17":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"6":{"tf":3.605551275463989}},"s":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"k":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"(":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"[":{"0":{"]":{".":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"w":{"df":0,"docs":{},"n":{"df":3,"docs":{"1":{"tf":1.4142135623730951},"45":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"o":{"df":0,"docs":{},"p":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}}},"u":{"df":0,"docs":{},"g":{"df":3,"docs":{"0":{"tf":1.7320508075688772},"5":{"tf":1.7320508075688772},"6":{"tf":4.0}}}}},"s":{"df":0,"docs":{},"l":{"df":3,"docs":{"10":{"tf":1.4142135623730951},"12":{"tf":1.0},"32":{"tf":1.0}}}},"u":{"d":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"e":{"df":5,"docs":{"3":{"tf":1.0},"34":{"tf":1.0},"44":{"tf":2.0},"45":{"tf":1.0},"7":{"tf":1.0}}},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":2,"docs":{"34":{"tf":1.0},"41":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"e":{"df":3,"docs":{"18":{"tf":1.4142135623730951},"29":{"tf":1.0},"5":{"tf":1.0}}}}},"v":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"1":{"df":9,"docs":{"13":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":2,"docs":{"13":{"tf":1.0},"15":{"tf":1.0}}}}}},"df":0,"docs":{}}},"y":{"/":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":4,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"2":{"tf":2.0},"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{".":{"df":0,"docs":{},"g":{"df":1,"docs":{"29":{"tf":1.0}}}},"a":{"c":{"df":0,"docs":{},"h":{"df":16,"docs":{"13":{"tf":1.0},"2":{"tf":1.4142135623730951},"21":{"tf":1.0},"23":{"tf":1.7320508075688772},"34":{"tf":1.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.7320508075688772},"37":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.0},"43":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"8":{"tf":1.0}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"10":{"tf":1.0},"35":{"tf":1.0}}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"12":{"tf":1.0},"38":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"10":{"tf":1.0},"45":{"tf":1.0}}}}}}},"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"y":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}}}}}},"df":3,"docs":{"18":{"tf":1.0},"39":{"tf":1.0},"7":{"tf":2.23606797749979}},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.0},"6":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"df":0,"docs":{}},"i":{"c":{"a":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"i":{"df":3,"docs":{"33":{"tf":1.0},"34":{"tf":1.0},"39":{"tf":1.0}}}},"df":0,"docs":{}}}},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":3,"docs":{"0":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":2,"docs":{"21":{"tf":1.4142135623730951},"34":{"tf":2.23606797749979}}}}}}}},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"24":{"tf":1.0}}}}}},"n":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"{":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":5,"docs":{"1":{"tf":1.0},"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}}}}},"b":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":8,"docs":{"1":{"tf":2.0},"15":{"tf":2.0},"2":{"tf":2.449489742783178},"20":{"tf":1.0},"3":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"9":{"tf":2.23606797749979}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":3,"docs":{"29":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":4,"docs":{"27":{"tf":1.0},"28":{"tf":1.0},"30":{"tf":1.0},"42":{"tf":1.0}}}},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"8":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"m":{"df":2,"docs":{"18":{"tf":1.0},"39":{"tf":1.0}}}}},"q":{"df":0,"docs":{},"n":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"33":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"u":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"16":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}},"t":{"df":24,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":2.449489742783178},"11":{"tf":1.4142135623730951},"13":{"tf":1.7320508075688772},"15":{"tf":1.4142135623730951},"16":{"tf":1.0},"2":{"tf":2.23606797749979},"20":{"tf":2.23606797749979},"23":{"tf":1.0},"24":{"tf":1.0},"27":{"tf":1.4142135623730951},"28":{"tf":1.0},"3":{"tf":1.4142135623730951},"30":{"tf":1.0},"32":{"tf":1.4142135623730951},"34":{"tf":2.0},"36":{"tf":1.0},"38":{"tf":1.0},"4":{"tf":1.0},"41":{"tf":2.23606797749979},"45":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"8":{"tf":4.0},"9":{"tf":2.6457513110645907}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{}}}}},"r":{"df":0,"docs":{},"r":{"(":{"_":{"df":2,"docs":{"39":{"tf":1.0},"7":{"tf":1.0}}},"df":2,"docs":{"18":{"tf":1.0},"39":{"tf":1.0}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":3,"docs":{"39":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0}}}}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"3":{"4":{"df":1,"docs":{"35":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"35":{"tf":1.0}}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"19":{"tf":1.0}}}}}},"t":{"c":{"df":1,"docs":{"43":{"tf":1.0}}},"df":0,"docs":{}},"v":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":3,"docs":{"12":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":2.6457513110645907},"5":{"tf":3.605551275463989},"7":{"tf":2.449489742783178}}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.0},"5":{"tf":1.0},"9":{"tf":1.0}}}}}}},"x":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":22,"docs":{"0":{"tf":3.3166247903554},"1":{"tf":1.7320508075688772},"10":{"tf":1.0},"13":{"tf":1.4142135623730951},"15":{"tf":1.0},"17":{"tf":1.4142135623730951},"2":{"tf":1.7320508075688772},"20":{"tf":1.0},"29":{"tf":1.4142135623730951},"3":{"tf":1.7320508075688772},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.0},"4":{"tf":1.0},"41":{"tf":2.449489742783178},"42":{"tf":2.0},"45":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.4142135623730951},"9":{"tf":1.0}}}}}},"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"43":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"33":{"tf":1.0}}}}},"df":0,"docs":{}},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"44":{"tf":1.0}}}},"df":0,"docs":{}},"l":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"0":{"tf":1.0},"10":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"1":{"tf":2.23606797749979},"8":{"tf":2.449489742783178}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"13":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}}}}}}}}},"f":{"'":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"i":{"df":3,"docs":{"13":{"tf":1.7320508075688772},"24":{"tf":1.0},"34":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"i":{"df":2,"docs":{"13":{"tf":1.7320508075688772},"24":{"tf":1.0}}},"t":{"df":3,"docs":{"11":{"tf":1.4142135623730951},"14":{"tf":1.0},"15":{"tf":1.0}}}},"6":{"4":{"df":6,"docs":{"24":{"tf":1.7320508075688772},"25":{"tf":1.0},"26":{"tf":1.0},"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"a":{"c":{"df":0,"docs":{},"e":{"df":1,"docs":{"10":{"tf":1.0}}},"t":{"df":3,"docs":{"34":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0}},"o":{"df":0,"docs":{},"r":{"df":2,"docs":{"42":{"tf":1.0},"44":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{},"l":{"<":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"t":{"df":2,"docs":{"13":{"tf":1.0},"34":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":3,"docs":{"13":{"tf":1.0},"35":{"tf":1.4142135623730951},"41":{"tf":1.7320508075688772}}}},"i":{"df":0,"docs":{},"l":{"df":4,"docs":{"18":{"tf":1.0},"34":{"tf":1.0},"39":{"tf":1.7320508075688772},"5":{"tf":1.0}}}},"l":{"df":0,"docs":{},"l":{"df":1,"docs":{"7":{"tf":1.0}}}},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"24":{"tf":1.0}}}},"df":0,"docs":{}}}},"r":{"df":3,"docs":{"27":{"tf":1.0},"3":{"tf":1.0},"32":{"tf":1.0}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":4,"docs":{"12":{"tf":1.0},"33":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0}}}}}}},"df":3,"docs":{"13":{"tf":1.0},"15":{"tf":1.7320508075688772},"33":{"tf":1.4142135623730951}},"e":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":5,"docs":{"12":{"tf":1.0},"2":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":1.4142135623730951},"7":{"tf":1.0}}}}}},"df":0,"docs":{},"w":{"df":2,"docs":{"38":{"tf":1.0},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"d":{"df":2,"docs":{"21":{"tf":1.0},"6":{"tf":1.0}}},"df":0,"docs":{}}},"g":{"df":1,"docs":{"6":{"tf":1.7320508075688772}},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"e":{"df":7,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"41":{"tf":2.0},"42":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"0":{"tf":1.0},"9":{"tf":1.7320508075688772}}}}}},"n":{"a":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"7":{"tf":1.0}}}}}},"df":4,"docs":{"23":{"tf":1.0},"38":{"tf":1.0},"42":{"tf":1.0},"7":{"tf":1.0}}}},"d":{"df":6,"docs":{"1":{"tf":1.0},"11":{"tf":1.0},"16":{"tf":1.7320508075688772},"17":{"tf":2.0},"39":{"tf":1.0},"5":{"tf":1.0}}},"df":0,"docs":{},"e":{"df":1,"docs":{"32":{"tf":1.0}}},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"42":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":8,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":3.1622776601683795},"2":{"tf":2.0},"24":{"tf":1.0},"3":{"tf":2.23606797749979},"4":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":1.4142135623730951}}}}},"t":{"df":1,"docs":{"12":{"tf":1.0}}}},"l":{"a":{"df":0,"docs":{},"g":{"df":2,"docs":{"12":{"tf":1.0},"33":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"b":{"df":0,"docs":{},"l":{"df":3,"docs":{"10":{"tf":1.0},"12":{"tf":1.0},"5":{"tf":1.0}}}},"df":0,"docs":{}}}},"o":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.0}}}},"df":0,"docs":{},"w":{"df":3,"docs":{"34":{"tf":1.0},"8":{"tf":1.4142135623730951},"9":{"tf":1.7320508075688772}}}}},"n":{"df":23,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"24":{"tf":3.605551275463989},"25":{"tf":2.23606797749979},"26":{"tf":2.449489742783178},"29":{"tf":1.0},"30":{"tf":5.5677643628300215},"31":{"tf":5.5677643628300215},"33":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"o":{"c":{"df":0,"docs":{},"u":{"df":3,"docs":{"32":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0}},"s":{"df":2,"docs":{"27":{"tf":1.0},"40":{"tf":1.0}}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":8,"docs":{"13":{"tf":1.0},"17":{"tf":1.0},"38":{"tf":1.0},"4":{"tf":1.0},"43":{"tf":1.0},"6":{"tf":1.4142135623730951},"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"o":{"d":{"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"b":{"df":4,"docs":{"41":{"tf":1.0},"42":{"tf":1.7320508075688772},"44":{"tf":1.4142135623730951},"45":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"f":{"df":1,"docs":{"34":{"tf":1.0}}}}}}}}},"r":{"c":{"df":2,"docs":{"4":{"tf":1.7320508075688772},"9":{"tf":1.0}}},"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.0}}}},"df":13,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":2.449489742783178},"11":{"tf":1.0},"14":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"3":{"tf":1.0},"33":{"tf":1.0},"41":{"tf":1.0},"6":{"tf":1.4142135623730951},"7":{"tf":1.0},"8":{"tf":2.449489742783178},"9":{"tf":1.0}},"u":{"df":0,"docs":{},"l":{"a":{"df":1,"docs":{"35":{"tf":1.0}}},"df":0,"docs":{}}}},"w":{"a":{"df":0,"docs":{},"r":{"d":{"df":5,"docs":{"1":{"tf":1.0},"19":{"tf":1.7320508075688772},"21":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"18":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"a":{"c":{"df":0,"docs":{},"{":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"d":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"y":{"df":0,"docs":{},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":7,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0},"3":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"^":{"2":{"df":0,"docs":{},"x":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"^":{"2":{"df":3,"docs":{"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"c":{"_":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"2":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"i":{"_":{"df":0,"docs":{},"l":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"q":{"_":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"{":{"df":0,"docs":{},"p":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"v":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":4,"docs":{"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"x":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":4,"docs":{"2":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"4":{"tf":1.7320508075688772},"7":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"y":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"k":{"df":1,"docs":{"20":{"tf":1.0}}},"r":{"df":1,"docs":{"20":{"tf":1.0}}},"t":{"df":8,"docs":{"11":{"tf":1.0},"13":{"tf":1.0},"14":{"tf":1.0},"15":{"tf":1.4142135623730951},"17":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"24":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"i":{"_":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"c":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"k":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"q":{"_":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"v":{"_":{"c":{"df":1,"docs":{"6":{"tf":2.449489742783178}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"{":{"df":0,"docs":{},"p":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"v":{"_":{"df":0,"docs":{},"{":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":2.0}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"v":{"_":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"x":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"y":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}}}},"s":{":":{":":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{"\"":{".":{".":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"r":{"c":{"/":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"/":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"/":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"r":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}},"df":0,"docs":{}}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}},"s":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":3,"docs":{"15":{"tf":1.0},"31":{"tf":1.0},"6":{"tf":1.0}}}},"n":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":21,"docs":{"1":{"tf":1.4142135623730951},"11":{"tf":1.4142135623730951},"12":{"tf":2.0},"13":{"tf":1.7320508075688772},"15":{"tf":1.4142135623730951},"17":{"tf":2.6457513110645907},"22":{"tf":1.0},"23":{"tf":2.449489742783178},"24":{"tf":2.449489742783178},"25":{"tf":1.4142135623730951},"26":{"tf":1.0},"29":{"tf":2.23606797749979},"34":{"tf":2.23606797749979},"38":{"tf":1.4142135623730951},"42":{"tf":3.0},"44":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":2.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}}}}}},"d":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"39":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"g":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"t":{"df":1,"docs":{"11":{"tf":1.7320508075688772}}}},"df":2,"docs":{"3":{"tf":2.0},"7":{"tf":2.449489742783178}},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"v":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":3,"docs":{"26":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":1,"docs":{"15":{"tf":1.0}}}},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":2,"docs":{"0":{"tf":1.0},"8":{"tf":1.0}}}}}},"df":12,"docs":{"1":{"tf":1.7320508075688772},"13":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.0},"32":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"42":{"tf":1.7320508075688772},"43":{"tf":1.0},"44":{"tf":1.4142135623730951},"8":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}},"t":{"df":1,"docs":{"29":{"tf":1.0}}}},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":1,"docs":{"15":{"tf":1.0}},"n":{"df":4,"docs":{"1":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":2.0},"9":{"tf":1.7320508075688772}}}}}},"o":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"23":{"tf":1.0},"24":{"tf":1.0},"40":{"tf":1.0}}}},"df":2,"docs":{"24":{"tf":1.0},"25":{"tf":1.0}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}}},"r":{"a":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":4,"docs":{"13":{"tf":1.0},"20":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.0}}}}}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"h":{"df":1,"docs":{"43":{"tf":1.0}}}},"v":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":2,"docs":{"3":{"tf":1.4142135623730951},"7":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"d":{"df":1,"docs":{"41":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"d":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.0},"7":{"tf":2.8284271247461903}}},"df":0,"docs":{}}},"w":{"df":2,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0}},"t":{"df":0,"docs":{},"h":{"df":4,"docs":{"1":{"tf":1.4142135623730951},"13":{"tf":1.0},"2":{"tf":2.23606797749979},"20":{"tf":1.7320508075688772}}}}}}},"u":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}}}}}},"h":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}}},"n":{"d":{"df":8,"docs":{"11":{"tf":1.0},"15":{"tf":1.0},"20":{"tf":1.4142135623730951},"22":{"tf":1.0},"29":{"tf":1.4142135623730951},"4":{"tf":1.0},"42":{"tf":1.4142135623730951},"45":{"tf":1.0}},"l":{"df":4,"docs":{"0":{"tf":1.0},"14":{"tf":1.0},"5":{"tf":1.7320508075688772},"7":{"tf":1.0}}}},"df":0,"docs":{}},"v":{"df":0,"docs":{},"e":{"df":1,"docs":{"12":{"tf":1.0}}}}},"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":2.0}},"e":{"a":{"df":0,"docs":{},"t":{"2":{"d":{"df":3,"docs":{"41":{"tf":1.0},"42":{"tf":1.7320508075688772},"44":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":1,"docs":{"41":{"tf":1.0}}},"v":{"df":0,"docs":{},"i":{"df":1,"docs":{"42":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}}}}},"r":{"df":0,"docs":{},"e":{"df":3,"docs":{"0":{"tf":1.0},"17":{"tf":1.0},"6":{"tf":1.0}}}}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":3,"docs":{"38":{"tf":1.0},"45":{"tf":1.0},"9":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{"df":4,"docs":{"0":{"tf":2.0},"12":{"tf":1.0},"3":{"tf":2.23606797749979},"32":{"tf":1.0}}},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"3":{"tf":1.0}}}}}}},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"31":{"tf":1.0}}}},"t":{"df":2,"docs":{"0":{"tf":1.0},"7":{"tf":2.449489742783178}}}},"o":{"df":0,"docs":{},"l":{"d":{"df":5,"docs":{"2":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.0},"36":{"tf":1.0},"5":{"tf":1.0}}},"df":0,"docs":{}},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"t":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"i":{".":{"df":5,"docs":{"13":{"tf":1.0},"20":{"tf":1.0},"34":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}},"_":{"c":{"df":1,"docs":{"9":{"tf":2.0}}},"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}},"r":{"df":1,"docs":{"9":{"tf":2.449489742783178}}}},"c":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}},"d":{"a":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"/":{"df":0,"docs":{},"i":{"d":{"a":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"b":{"_":{"b":{"df":0,"docs":{},"n":{"d":{".":{"c":{"df":1,"docs":{"41":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"h":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"2":{"d":{"_":{"df":0,"docs":{},"k":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{".":{"c":{"df":1,"docs":{"41":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"s":{"_":{"d":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{".":{"c":{"df":1,"docs":{"41":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":3,"docs":{"41":{"tf":1.7320508075688772},"42":{"tf":1.0},"44":{"tf":1.4142135623730951}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":4,"docs":{"11":{"tf":1.0},"14":{"tf":1.0},"42":{"tf":1.0},"8":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":1,"docs":{"34":{"tf":1.0}}}}},"l":{"df":1,"docs":{"9":{"tf":1.4142135623730951}},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":5,"docs":{"0":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.0},"24":{"tf":1.0},"34":{"tf":1.0}}}}}}}},"m":{"a":{"df":0,"docs":{},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"21":{"tf":1.0},"30":{"tf":1.0}}}}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"<":{"'":{"a":{"df":3,"docs":{"24":{"tf":1.4142135623730951},"30":{"tf":1.0},"31":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":5,"docs":{"24":{"tf":2.0},"25":{"tf":1.4142135623730951},"26":{"tf":1.7320508075688772},"30":{"tf":3.605551275463989},"31":{"tf":3.605551275463989}},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":19,"docs":{"12":{"tf":1.0},"23":{"tf":2.6457513110645907},"24":{"tf":2.23606797749979},"25":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":3.1622776601683795},"30":{"tf":2.6457513110645907},"31":{"tf":2.449489742783178},"34":{"tf":1.0},"36":{"tf":1.0},"37":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":3.1622776601683795},"43":{"tf":1.7320508075688772},"44":{"tf":2.8284271247461903},"45":{"tf":2.6457513110645907},"7":{"tf":1.0}}}}}}},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"35":{"tf":1.0},"8":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"11":{"tf":1.4142135623730951},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":2,"docs":{"1":{"tf":1.0},"2":{"tf":1.0}}}},"s":{"df":1,"docs":{"41":{"tf":1.0}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"v":{"df":1,"docs":{"44":{"tf":1.7320508075688772}}}}}}},"n":{"a":{"c":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"5":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"c":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"d":{"df":8,"docs":{"0":{"tf":1.0},"14":{"tf":1.0},"20":{"tf":1.0},"26":{"tf":1.0},"31":{"tf":1.0},"43":{"tf":1.7320508075688772},"7":{"tf":1.0},"8":{"tf":2.0}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"36":{"tf":1.0}}},"df":0,"docs":{}}}},"x":{"df":4,"docs":{"34":{"tf":1.0},"42":{"tf":1.4142135623730951},"45":{"tf":1.0},"8":{"tf":1.0}}}},"i":{"c":{"df":2,"docs":{"39":{"tf":1.0},"4":{"tf":1.0}}},"df":0,"docs":{},"v":{"df":0,"docs":{},"i":{"d":{"df":0,"docs":{},"u":{"df":1,"docs":{"27":{"tf":1.0}}}},"df":0,"docs":{}}}},"u":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"1":{"tf":1.0}}}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"3":{"tf":1.0}}},"df":0,"docs":{}}}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":3,"docs":{"1":{"tf":1.0},"36":{"tf":1.0},"5":{"tf":1.4142135623730951}}}}}},"i":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{},"|":{"_":{"df":0,"docs":{},"p":{"df":7,"docs":{"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":2,"docs":{"20":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951}}}}}},"df":5,"docs":{"13":{"tf":1.4142135623730951},"23":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"34":{"tf":1.4142135623730951}},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":3,"docs":{"35":{"tf":1.4142135623730951},"36":{"tf":2.0},"39":{"tf":1.0}}}}}},"df":13,"docs":{"1":{"tf":1.4142135623730951},"11":{"tf":1.0},"13":{"tf":2.449489742783178},"2":{"tf":2.0},"20":{"tf":1.4142135623730951},"25":{"tf":1.4142135623730951},"29":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.7320508075688772},"38":{"tf":2.449489742783178},"6":{"tf":1.4142135623730951},"7":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"34":{"tf":1.0},"41":{"tf":1.7320508075688772},"6":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"33":{"tf":1.0}}},"n":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"a":{"d":{"df":5,"docs":{"0":{"tf":1.0},"15":{"tf":1.0},"34":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"g":{"df":0,"docs":{},"r":{"df":4,"docs":{"1":{"tf":1.0},"38":{"tf":1.0},"5":{"tf":2.0},"7":{"tf":1.0}}}},"r":{"a":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}}},"n":{"df":5,"docs":{"21":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":1.0},"5":{"tf":1.7320508075688772}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"21":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":1,"docs":{"39":{"tf":1.4142135623730951}}}}},"v":{"df":1,"docs":{"6":{"tf":1.0}}}}},"r":{"a":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"u":{"c":{"df":6,"docs":{"0":{"tf":1.0},"2":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}},"t":{"df":1,"docs":{"5":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}}}}},"v":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":5,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"3":{"tf":1.7320508075688772},"5":{"tf":1.0},"8":{"tf":1.0}}}}}}},"r":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":1,"docs":{"9":{"tf":2.449489742783178}}},"t":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"34":{"tf":1.0},"6":{"tf":1.0}}}}}}}},"j":{"_":{"df":0,"docs":{},"p":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}},"{":{"df":0,"docs":{},"y":{"_":{"0":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"a":{"c":{"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":1,"docs":{"24":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"n":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.0}}}}},"df":0,"docs":{}}}}}}}}},"df":8,"docs":{"13":{"tf":1.0},"15":{"tf":1.4142135623730951},"20":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.4142135623730951},"34":{"tf":3.7416573867739413},"42":{"tf":3.0},"44":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":2,"docs":{"20":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951}},"i":{"df":0,"docs":{},"t":{"df":3,"docs":{"33":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.0}}}}},"k":{"/":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}},"^":{"2":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{}},"_":{"1":{"df":1,"docs":{"1":{"tf":1.7320508075688772}}},"2":{"df":1,"docs":{"1":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":6,"docs":{"1":{"tf":1.4142135623730951},"13":{"tf":1.0},"20":{"tf":1.4142135623730951},"33":{"tf":2.449489742783178},"4":{"tf":1.7320508075688772},"6":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}},"r":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"'":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}},"l":{"df":0,"docs":{},"u":{"df":2,"docs":{"41":{"tf":2.23606797749979},"42":{"tf":1.0}}}},"n":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":2,"docs":{"1":{"tf":1.4142135623730951},"17":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"t":{"df":0,"docs":{},"t":{"a":{"df":1,"docs":{"35":{"tf":1.0}}},"df":0,"docs":{}}}}},"l":{"a":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"40":{"tf":1.0}}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"g":{"df":7,"docs":{"10":{"tf":1.0},"12":{"tf":1.4142135623730951},"2":{"tf":1.0},"32":{"tf":1.7320508075688772},"42":{"tf":1.0},"45":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"g":{"df":3,"docs":{"10":{"tf":1.0},"34":{"tf":1.0},"44":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"44":{"tf":1.7320508075688772},"45":{"tf":1.4142135623730951}}}}}},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"17":{"tf":1.0}}}},"w":{"df":2,"docs":{"8":{"tf":1.0},"9":{"tf":1.4142135623730951}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"40":{"tf":1.0}}},"df":0,"docs":{}}}}},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{":":{":":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":1,"docs":{"9":{"tf":2.0}},"e":{"a":{"d":{"df":1,"docs":{"14":{"tf":1.0}}},"df":0,"docs":{},"v":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"t":{"df":2,"docs":{"1":{"tf":1.0},"6":{"tf":2.0}}}},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"39":{"tf":1.0}}}},"t":{"'":{"df":2,"docs":{"2":{"tf":1.0},"6":{"tf":1.0}}},"df":8,"docs":{"1":{"tf":1.0},"2":{"tf":1.0},"21":{"tf":1.0},"30":{"tf":1.0},"34":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":5,"docs":{"12":{"tf":1.0},"32":{"tf":1.0},"38":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0}}}}}},"i":{"b":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":6,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.7320508075688772},"42":{"tf":1.4142135623730951},"44":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"29":{"tf":1.0}}}}}}},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":2,"docs":{"29":{"tf":1.0},"39":{"tf":1.0}}}}}}}}}}},"n":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":8,"docs":{"23":{"tf":1.4142135623730951},"24":{"tf":1.0},"26":{"tf":1.0},"35":{"tf":1.4142135623730951},"41":{"tf":2.449489742783178},"42":{"tf":1.7320508075688772},"44":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951}},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}},"o":{"df":0,"docs":{},"p":{"df":5,"docs":{"23":{"tf":1.0},"26":{"tf":1.7320508075688772},"29":{"tf":1.4142135623730951},"30":{"tf":1.7320508075688772},"31":{"tf":2.0}}}}}},"df":0,"docs":{}},"k":{"df":1,"docs":{"42":{"tf":1.0}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"40":{"tf":1.0}}}}}}}}},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"m":{"df":2,"docs":{"12":{"tf":1.4142135623730951},"33":{"tf":1.7320508075688772}},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"33":{"tf":1.0}}}}},"df":0,"docs":{}}}}}},"o":{"df":0,"docs":{},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":6,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"20":{"tf":1.7320508075688772},"24":{"tf":1.0},"34":{"tf":1.0}}}}}},"o":{"df":0,"docs":{},"k":{"df":4,"docs":{"1":{"tf":1.0},"3":{"tf":1.4142135623730951},"5":{"tf":1.0},"8":{"tf":1.0}}},"p":{"df":5,"docs":{"18":{"tf":1.0},"2":{"tf":1.0},"39":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"t":{"df":0,"docs":{},"k":{"a":{"df":1,"docs":{"2":{"tf":1.7320508075688772}}},"df":0,"docs":{}}},"w":{"df":2,"docs":{"0":{"tf":1.0},"9":{"tf":1.4142135623730951}}}},"r":{"c":{"df":2,"docs":{"0":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"s":{"df":12,"docs":{"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951},"33":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"u":{"df":2,"docs":{"35":{"tf":1.7320508075688772},"41":{"tf":1.0}}}},"m":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"v":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"p":{"df":1,"docs":{"15":{"tf":1.0}}},"t":{"df":3,"docs":{"11":{"tf":1.4142135623730951},"14":{"tf":1.0},"15":{"tf":1.4142135623730951}}}},":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"1":{"df":1,"docs":{"26":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"9":{"tf":1.0}}}},"a":{"d":{"df":0,"docs":{},"e":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":26,"docs":{"12":{"tf":1.0},"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"24":{"tf":1.7320508075688772},"25":{"tf":1.0},"26":{"tf":1.0},"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"33":{"tf":1.7320508075688772},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"42":{"tf":1.4142135623730951},"45":{"tf":1.0},"6":{"tf":1.4142135623730951},"7":{"tf":1.0},"9":{"tf":1.0}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"5":{"tf":1.0},"6":{"tf":1.0}}}}},"df":0,"docs":{}}}},"k":{"df":0,"docs":{},"e":{"df":5,"docs":{"0":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.0},"42":{"tf":1.0},"7":{"tf":1.0}}}},"n":{"df":0,"docs":{},"i":{"df":6,"docs":{"1":{"tf":1.0},"19":{"tf":1.0},"29":{"tf":1.0},"3":{"tf":1.0},"5":{"tf":1.4142135623730951},"8":{"tf":1.0}}},"u":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"34":{"tf":1.0},"35":{"tf":2.0},"36":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":15,"docs":{"0":{"tf":2.23606797749979},"11":{"tf":1.0},"14":{"tf":2.6457513110645907},"15":{"tf":2.449489742783178},"23":{"tf":1.0},"26":{"tf":2.23606797749979},"29":{"tf":1.0},"3":{"tf":2.449489742783178},"30":{"tf":1.0},"31":{"tf":1.0},"35":{"tf":1.0},"4":{"tf":3.4641016151377544},"42":{"tf":2.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}}},"t":{"c":{"df":0,"docs":{},"h":{"df":5,"docs":{"18":{"tf":1.0},"39":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"f":{"df":1,"docs":{"8":{"tf":1.4142135623730951}},"}":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":7,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"7":{"tf":1.4142135623730951},"8":{"tf":2.0},"9":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"g":{"df":1,"docs":{"8":{"tf":1.0}},"}":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"8":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"i":{"df":9,"docs":{"1":{"tf":1.4142135623730951},"15":{"tf":1.7320508075688772},"2":{"tf":1.0},"3":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0},"9":{"tf":1.0}}},"m":{"df":1,"docs":{"8":{"tf":1.0}}},"p":{"df":1,"docs":{"15":{"tf":2.0}}},"v":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}},"y":{"df":0,"docs":{},"}":{"(":{"0":{"df":5,"docs":{"1":{"tf":1.0},"2":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":2,"docs":{"5":{"tf":1.0},"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"i":{"c":{"df":6,"docs":{"14":{"tf":1.0},"24":{"tf":1.0},"35":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.7320508075688772},"44":{"tf":1.0}}},"df":0,"docs":{},"x":{"df":13,"docs":{"0":{"tf":1.7320508075688772},"11":{"tf":1.4142135623730951},"13":{"tf":2.449489742783178},"14":{"tf":2.449489742783178},"15":{"tf":2.449489742783178},"26":{"tf":1.4142135623730951},"29":{"tf":1.0},"34":{"tf":3.872983346207417},"41":{"tf":2.449489742783178},"42":{"tf":2.6457513110645907},"44":{"tf":1.0},"8":{"tf":2.6457513110645907},"9":{"tf":1.7320508075688772}}}}}}},"df":24,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"24":{"tf":2.449489742783178},"25":{"tf":1.7320508075688772},"26":{"tf":2.0},"29":{"tf":1.0},"30":{"tf":3.605551275463989},"31":{"tf":3.605551275463989},"33":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":2.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0},"9":{"tf":2.449489742783178}},"e":{"d":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}},"df":0,"docs":{},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"44":{"tf":1.0}}}}}},"df":0,"docs":{},"t":{"a":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"0":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":2,"docs":{"16":{"tf":1.0},"5":{"tf":1.0}},"h":{"df":0,"docs":{},"o":{"d":{"df":17,"docs":{"13":{"tf":2.23606797749979},"17":{"tf":1.0},"18":{"tf":1.4142135623730951},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"22":{"tf":1.0},"23":{"tf":1.0},"29":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":2.23606797749979},"37":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":2.6457513110645907},"42":{"tf":1.0},"44":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"42":{"tf":1.0},"45":{"tf":1.0}},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}}}}}},"l":{"/":{"df":0,"docs":{},"h":{"df":1,"docs":{"6":{"tf":2.0}}}},"df":1,"docs":{"6":{"tf":2.0}}},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"!":{"(":{"\"":{"df":0,"docs":{},"y":{"0":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{},"l":{"df":12,"docs":{"0":{"tf":3.4641016151377544},"1":{"tf":1.0},"10":{"tf":1.0},"2":{"tf":3.0},"26":{"tf":1.0},"4":{"tf":1.0},"42":{"tf":1.4142135623730951},"43":{"tf":1.0},"5":{"tf":2.6457513110645907},"6":{"tf":3.7416573867739413},"7":{"tf":1.0},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"f":{"df":1,"docs":{"42":{"tf":1.0}}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":10,"docs":{"1":{"tf":1.0},"10":{"tf":1.7320508075688772},"12":{"tf":1.4142135623730951},"17":{"tf":1.0},"24":{"tf":1.0},"32":{"tf":1.0},"34":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.7320508075688772},"8":{"tf":1.0}}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":4,"docs":{"0":{"tf":1.0},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"7":{"tf":1.0}}}}}}},"u":{"c":{"df":0,"docs":{},"h":{"df":1,"docs":{"45":{"tf":1.0}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":3,"docs":{"42":{"tf":1.0},"44":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":7,"docs":{"13":{"tf":1.0},"15":{"tf":1.4142135623730951},"20":{"tf":1.4142135623730951},"24":{"tf":1.4142135623730951},"34":{"tf":1.0},"42":{"tf":1.0},"8":{"tf":1.0}}}}}}}},"t":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"36":{"tf":1.0}}}},"df":0,"docs":{}},"df":16,"docs":{"18":{"tf":1.0},"2":{"tf":2.23606797749979},"21":{"tf":1.4142135623730951},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.23606797749979},"31":{"tf":2.23606797749979},"33":{"tf":1.0},"36":{"tf":1.4142135623730951},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.4142135623730951},"6":{"tf":2.23606797749979},"7":{"tf":2.449489742783178},"9":{"tf":1.4142135623730951}}}},"y":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"<":{"'":{"_":{"df":2,"docs":{"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"29":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"25":{"tf":1.7320508075688772},"30":{"tf":1.0},"31":{"tf":1.4142135623730951}}}}}},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"<":{"'":{"_":{"df":2,"docs":{"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"29":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":2,"docs":{"26":{"tf":2.0},"31":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"<":{"'":{"_":{"df":2,"docs":{"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"29":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"31":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":3,"docs":{"24":{"tf":3.3166247903554},"30":{"tf":3.0},"31":{"tf":2.8284271247461903}}}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"h":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.4142135623730951}},"s":{"<":{"'":{"_":{"df":2,"docs":{"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"29":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"<":{"'":{"_":{"df":2,"docs":{"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"29":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"31":{"tf":1.0}}}}}}}},"n":{"^":{"2":{"df":1,"docs":{"41":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"r":{"a":{":":{":":{"d":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":18,"docs":{"13":{"tf":1.7320508075688772},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"33":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":4,"docs":{"13":{"tf":1.0},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"v":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"1":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":3,"docs":{"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":4,"docs":{"13":{"tf":1.0},"24":{"tf":1.7320508075688772},"25":{"tf":1.0},"26":{"tf":1.0}}}},"df":9,"docs":{"13":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":1,"docs":{"15":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":3,"docs":{"13":{"tf":1.0},"35":{"tf":1.0},"41":{"tf":1.0}},"l":{"df":0,"docs":{},"u":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":6,"docs":{"18":{"tf":1.0},"21":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":6,"docs":{"18":{"tf":1.0},"21":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"m":{"df":0,"docs":{},"e":{"df":1,"docs":{"42":{"tf":1.0}}}},"n":{"df":1,"docs":{"34":{"tf":1.7320508075688772}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"40":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"r":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"26":{"tf":1.0}}}}}},"df":2,"docs":{"41":{"tf":1.7320508075688772},"43":{"tf":1.0}},"e":{"c":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"24":{"tf":1.0}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"14":{"tf":1.0}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"d":{"df":16,"docs":{"1":{"tf":1.0},"13":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.4142135623730951},"21":{"tf":1.0},"23":{"tf":2.23606797749979},"27":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":2.0},"34":{"tf":1.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"39":{"tf":1.4142135623730951},"42":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"g":{"df":1,"docs":{"4":{"tf":1.0}},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"w":{"_":{"df":0,"docs":{},"w":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"36":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}}}}},"df":13,"docs":{"1":{"tf":1.0},"13":{"tf":1.7320508075688772},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"3":{"tf":1.4142135623730951},"30":{"tf":1.0},"31":{"tf":1.0},"36":{"tf":1.0},"39":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0}}},"x":{"df":0,"docs":{},"t":{"df":5,"docs":{"1":{"tf":1.0},"24":{"tf":1.0},"3":{"tf":1.0},"5":{"tf":1.0},"8":{"tf":1.0}}}}},"g":{"df":1,"docs":{"6":{"tf":2.0}}},"o":{"d":{"df":0,"docs":{},"e":{"df":2,"docs":{"8":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"df":0,"docs":{},"n":{"df":5,"docs":{"14":{"tf":1.4142135623730951},"23":{"tf":1.0},"24":{"tf":1.0},"35":{"tf":1.4142135623730951},"6":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":7,"docs":{"23":{"tf":1.0},"24":{"tf":1.7320508075688772},"25":{"tf":1.0},"29":{"tf":2.0},"30":{"tf":2.6457513110645907},"31":{"tf":2.8284271247461903},"34":{"tf":1.0}},"j":{"a":{"c":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"n":{"df":2,"docs":{"24":{"tf":1.7320508075688772},"34":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"r":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"21":{"tf":1.0},"5":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"e":{"df":4,"docs":{"29":{"tf":1.0},"34":{"tf":1.0},"36":{"tf":1.0},"39":{"tf":1.0}}}},"u":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":5,"docs":{"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.449489742783178},"31":{"tf":2.449489742783178}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"w":{"df":7,"docs":{"2":{"tf":1.0},"24":{"tf":1.0},"25":{"tf":1.0},"27":{"tf":1.0},"31":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0}}}},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":5,"docs":{"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.449489742783178},"31":{"tf":2.449489742783178}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":5,"docs":{"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.449489742783178},"31":{"tf":2.449489742783178}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"m":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":5,"docs":{"24":{"tf":1.0},"34":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":2.0},"42":{"tf":1.0}}}}},"df":0,"docs":{}}}},"o":{"b":{"df":0,"docs":{},"j":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"29":{"tf":1.0},"34":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"v":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"21":{"tf":1.0}}}}},"df":0,"docs":{}}},"c":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":4,"docs":{"0":{"tf":1.4142135623730951},"11":{"tf":1.0},"5":{"tf":2.0},"7":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}},"d":{"df":22,"docs":{"0":{"tf":4.242640687119285},"1":{"tf":3.7416573867739413},"11":{"tf":1.7320508075688772},"13":{"tf":1.7320508075688772},"14":{"tf":1.0},"15":{"tf":1.0},"19":{"tf":1.0},"2":{"tf":2.23606797749979},"20":{"tf":1.7320508075688772},"22":{"tf":1.0},"23":{"tf":1.0},"27":{"tf":1.0},"3":{"tf":3.4641016151377544},"38":{"tf":1.0},"4":{"tf":1.7320508075688772},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"5":{"tf":2.8284271247461903},"6":{"tf":1.7320508075688772},"7":{"tf":2.0},"8":{"tf":2.6457513110645907}},"e":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"df":14,"docs":{"12":{"tf":1.7320508075688772},"13":{"tf":1.7320508075688772},"15":{"tf":1.0},"17":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"22":{"tf":1.0},"23":{"tf":1.4142135623730951},"31":{"tf":1.0},"33":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"m":{">":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{"(":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"p":{"(":{"[":{"1":{".":{"0":{"]":{")":{".":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{"(":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":16,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"31":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"<":{"'":{"_":{">":{">":{":":{":":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"h":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"a":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"28":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.0}}}}}}}}}}},"df":8,"docs":{"12":{"tf":1.0},"2":{"tf":1.0},"23":{"tf":1.0},"28":{"tf":1.4142135623730951},"29":{"tf":1.7320508075688772},"30":{"tf":2.0},"31":{"tf":1.7320508075688772},"34":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"d":{"df":10,"docs":{"2":{"tf":1.4142135623730951},"21":{"tf":1.7320508075688772},"33":{"tf":1.0},"37":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":2,"docs":{"35":{"tf":1.0},"36":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"t":{"df":4,"docs":{"21":{"tf":1.4142135623730951},"33":{"tf":1.0},"36":{"tf":1.4142135623730951},"39":{"tf":1.0}},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":4,"docs":{"18":{"tf":1.4142135623730951},"39":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}}}}}}}}}}},"df":0,"docs":{},"h":{"df":0,"docs":{},"m":{"'":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}}},"k":{"(":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{":":{":":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":4,"docs":{"18":{"tf":1.0},"39":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}}}}}}}}}},"df":0,"docs":{}}}}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"d":{"(":{"_":{"df":1,"docs":{"39":{"tf":1.0}}},"df":0,"docs":{},"t":{"df":2,"docs":{"18":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"t":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"c":{"df":0,"docs":{},"h":{"df":4,"docs":{"18":{"tf":1.0},"39":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}}}}}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"g":{"a":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}},"n":{"c":{"df":6,"docs":{"15":{"tf":1.0},"21":{"tf":1.0},"23":{"tf":1.0},"33":{"tf":1.0},"35":{"tf":1.0},"39":{"tf":1.0}}},"df":10,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"17":{"tf":1.4142135623730951},"25":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.0},"35":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.0}}},"p":{"df":7,"docs":{"23":{"tf":1.0},"24":{"tf":2.0},"25":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"30":{"tf":2.6457513110645907},"31":{"tf":2.6457513110645907}},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"23":{"tf":1.0},"34":{"tf":1.0}}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"4":{"tf":1.0}}}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"19":{"tf":1.0}}},"o":{"df":0,"docs":{},"n":{"<":{"<":{"df":0,"docs":{},"m":{"df":0,"docs":{},"y":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":2,"docs":{"30":{"tf":1.7320508075688772},"31":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":2,"docs":{"11":{"tf":1.7320508075688772},"13":{"tf":1.0}}}}}}},"r":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":9,"docs":{"0":{"tf":3.0},"1":{"tf":2.8284271247461903},"2":{"tf":1.7320508075688772},"29":{"tf":1.0},"3":{"tf":3.4641016151377544},"39":{"tf":1.0},"4":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772}}}},"i":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":4,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"32":{"tf":1.0},"8":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"g":{"a":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"41":{"tf":1.0}}}}}}},"s":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":6,"docs":{"23":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"42":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":6,"docs":{"11":{"tf":1.4142135623730951},"24":{"tf":1.0},"29":{"tf":1.0},"34":{"tf":1.4142135623730951},"38":{"tf":1.0},"42":{"tf":1.7320508075688772}}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"2":{"tf":1.4142135623730951},"38":{"tf":1.0},"5":{"tf":1.0}},"r":{"df":0,"docs":{},"i":{"d":{"df":1,"docs":{"39":{"tf":1.0}}},"df":0,"docs":{}}}}}}},"p":{"(":{"[":{"1":{".":{"0":{"df":1,"docs":{"33":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"!":{"[":{"1":{".":{"0":{"df":12,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"31":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"[":{"0":{"df":11,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"18":{"tf":1.4142135623730951},"20":{"tf":1.7320508075688772},"21":{"tf":2.449489742783178},"34":{"tf":2.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178}}},"1":{"df":11,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"18":{"tf":1.4142135623730951},"20":{"tf":2.23606797749979},"21":{"tf":3.1622776601683795},"34":{"tf":2.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178}}},"df":0,"docs":{}},"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"c":{"!":{"(":{"\"":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"39":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":2,"docs":{"18":{"tf":1.0},"39":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}}},"w":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":10,"docs":{"11":{"tf":1.0},"13":{"tf":2.0},"19":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"20":{"tf":1.4142135623730951},"21":{"tf":1.0},"29":{"tf":1.0},"33":{"tf":1.0},"41":{"tf":1.7320508075688772},"6":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{},"t":{"df":2,"docs":{"10":{"tf":1.0},"41":{"tf":2.0}},"i":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}}},"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":2,"docs":{"0":{"tf":1.0},"39":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"0":{"tf":1.0},"34":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"s":{"df":4,"docs":{"0":{"tf":1.0},"17":{"tf":1.0},"45":{"tf":1.0},"9":{"tf":1.4142135623730951}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"'":{"df":1,"docs":{"6":{"tf":1.0}}},"df":1,"docs":{"6":{"tf":1.0}}}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":1,"docs":{"34":{"tf":2.23606797749979}}}}}}}},"b":{"df":0,"docs":{},"p":{"df":0,"docs":{},"k":{"df":1,"docs":{"6":{"tf":1.0}}}}},"d":{"df":1,"docs":{"6":{"tf":1.4142135623730951}},"e":{"df":1,"docs":{"14":{"tf":1.0}}}},"df":18,"docs":{"11":{"tf":3.0},"13":{"tf":3.1622776601683795},"14":{"tf":1.0},"15":{"tf":1.7320508075688772},"17":{"tf":2.6457513110645907},"18":{"tf":1.4142135623730951},"2":{"tf":1.0},"20":{"tf":1.7320508075688772},"21":{"tf":2.449489742783178},"24":{"tf":1.4142135623730951},"29":{"tf":2.449489742783178},"30":{"tf":3.605551275463989},"31":{"tf":3.605551275463989},"34":{"tf":2.449489742783178},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178}},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":7,"docs":{"10":{"tf":1.0},"12":{"tf":1.0},"16":{"tf":1.0},"40":{"tf":1.0},"42":{"tf":1.4142135623730951},"43":{"tf":1.0},"44":{"tf":2.0}}}}}},"i":{"df":0,"docs":{},"p":{"df":0,"docs":{},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":2.23606797749979}}}}}}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"1":{"tf":1.0}}}}}},"h":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"a":{"c":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"y":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"k":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.7320508075688772}}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"2":{"tf":2.23606797749979}}}}},"df":0,"docs":{},"y":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"c":{"df":3,"docs":{"0":{"tf":1.4142135623730951},"3":{"tf":1.0},"8":{"tf":1.0}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}}},"i":{"df":0,"docs":{},"e":{"c":{"df":1,"docs":{"1":{"tf":1.0}}},"df":0,"docs":{}}},"k":{"df":1,"docs":{"6":{"tf":2.449489742783178}},"p":{"d":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}},"l":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":1,"docs":{"2":{"tf":2.0}}}},"s":{"df":0,"docs":{},"m":{"a":{"/":{"b":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{".":{"a":{"d":{"d":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}},"p":{"df":0,"docs":{},"h":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"e":{"d":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"q":{"_":{"c":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"v":{"df":1,"docs":{"7":{"tf":1.0}}},"x":{"_":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"_":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"r":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}},"df":0,"docs":{}}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}},"s":{"df":0,"docs":{},"p":{"df":1,"docs":{"4":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}},":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{")":{".":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"(":{"\"":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":6,"docs":{"2":{"tf":2.8284271247461903},"4":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"7":{"tf":1.4142135623730951},"9":{"tf":1.7320508075688772}},"l":{"df":0,"docs":{},"i":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"o":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":3,"docs":{"34":{"tf":1.0},"41":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951}}}}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"40":{"tf":1.0}}}},"df":3,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":2.6457513110645907},"2":{"tf":4.69041575982343}}}}},"r":{"df":0,"docs":{},"t":{"df":2,"docs":{"10":{"tf":1.0},"42":{"tf":1.0}}}},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":4,"docs":{"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951}}}},"s":{"df":0,"docs":{},"i":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"w":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"e":{"d":{"a":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":5.477225575051661},"41":{"tf":1.0}},"o":{"df":0,"docs":{},"r":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"d":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"2":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"0":{"tf":1.0}}}},"df":0,"docs":{}}},"df":1,"docs":{"35":{"tf":1.4142135623730951}},"s":{"c":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"b":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":2,"docs":{"10":{"tf":1.0},"43":{"tf":1.0}}}}}},"v":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"y":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":4.898979485566356},"41":{"tf":1.0}}}},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"10":{"tf":1.0},"8":{"tf":1.0}}}}},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.0}},"f":{"df":1,"docs":{"42":{"tf":1.0}}},"l":{"df":0,"docs":{},"n":{"!":{"(":{"\"":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"18":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"34":{"tf":1.0}}}}}}},"o":{"b":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"45":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{".":{"b":{"d":{"df":0,"docs":{},"f":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"35":{"tf":1.0}},"s":{">":{"(":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":10,"docs":{"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951},"33":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":0,"docs":{},"s":{">":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"35":{"tf":1.0},"36":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"(":{")":{".":{"c":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"(":{"df":0,"docs":{},"t":{"0":{"df":1,"docs":{"34":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"r":{"df":0,"docs":{},"h":{"df":0,"docs":{},"s":{"(":{")":{".":{"df":0,"docs":{},"j":{"a":{"c":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"n":{"(":{"&":{"df":0,"docs":{},"y":{"0":{"df":1,"docs":{"34":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"p":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"3":{"4":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"t":{"0":{"df":1,"docs":{"34":{"tf":1.0}}},"df":0,"docs":{},"r":{"_":{"b":{"d":{"df":0,"docs":{},"f":{"2":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":0,"docs":{},"s":{">":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"35":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":36,"docs":{"1":{"tf":1.0},"10":{"tf":2.23606797749979},"12":{"tf":1.4142135623730951},"13":{"tf":2.6457513110645907},"14":{"tf":1.7320508075688772},"15":{"tf":1.7320508075688772},"16":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"19":{"tf":1.4142135623730951},"2":{"tf":1.7320508075688772},"20":{"tf":2.0},"21":{"tf":2.449489742783178},"22":{"tf":1.4142135623730951},"23":{"tf":1.4142135623730951},"24":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"32":{"tf":1.7320508075688772},"33":{"tf":1.7320508075688772},"34":{"tf":2.449489742783178},"35":{"tf":2.0},"36":{"tf":1.4142135623730951},"37":{"tf":1.4142135623730951},"38":{"tf":3.0},"39":{"tf":2.0},"4":{"tf":1.0},"41":{"tf":3.4641016151377544},"42":{"tf":3.1622776601683795},"43":{"tf":1.4142135623730951},"44":{"tf":3.0},"45":{"tf":1.7320508075688772},"5":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.7320508075688772},"8":{"tf":1.0},"9":{"tf":1.0}}}}}},"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":5,"docs":{"1":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.0}}}}}},"d":{"df":0,"docs":{},"u":{"c":{"df":1,"docs":{"5":{"tf":1.0}},"t":{"df":2,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"34":{"tf":1.0}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":3,"docs":{"1":{"tf":1.0},"2":{"tf":2.0},"4":{"tf":1.0}}}}}},"t":{"df":0,"docs":{},"o":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}}},"df":0,"docs":{}}},"v":{"df":0,"docs":{},"i":{"d":{"df":16,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":1.0},"10":{"tf":1.0},"13":{"tf":1.0},"15":{"tf":1.4142135623730951},"20":{"tf":1.0},"22":{"tf":1.0},"36":{"tf":1.4142135623730951},"37":{"tf":1.0},"38":{"tf":1.7320508075688772},"41":{"tf":1.0},"42":{"tf":1.7320508075688772},"44":{"tf":1.0},"5":{"tf":1.7320508075688772},"6":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}}},"u":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":1,"docs":{"42":{"tf":1.0}}}}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":2,"docs":{"0":{"tf":1.0},"10":{"tf":1.0}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":3,"docs":{"29":{"tf":1.0},"32":{"tf":1.0},"8":{"tf":1.0}}}}}},"t":{"df":3,"docs":{"15":{"tf":1.0},"2":{"tf":1.0},"27":{"tf":1.0}}}},"y":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":3,"docs":{"12":{"tf":1.0},"32":{"tf":1.0},"45":{"tf":1.0}}}}}}}},"q":{"_":{"c":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"q":{"_":{"c":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"df":1,"docs":{"6":{"tf":2.0}}},"df":0,"docs":{},"p":{"1":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"q":{"_":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"1":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"{":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":2.8284271247461903}}},"df":0,"docs":{}}}},"c":{"df":1,"docs":{"6":{"tf":2.0}}},"df":1,"docs":{"6":{"tf":1.4142135623730951}},"p":{"1":{"df":1,"docs":{"6":{"tf":2.449489742783178}}},"df":0,"docs":{}},"u":{"a":{"d":{"df":1,"docs":{"6":{"tf":1.7320508075688772}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":1,"docs":{"19":{"tf":1.0}},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"t":{"df":1,"docs":{"6":{"tf":1.0}},"i":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}}}}}},"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"k":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"df":0,"docs":{},"t":{"df":2,"docs":{"25":{"tf":1.0},"44":{"tf":1.0}}}}}},"r":{"(":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":2.23606797749979}}},"t":{"df":1,"docs":{"11":{"tf":1.0}}}},"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":2,"docs":{"0":{"tf":1.0},"8":{"tf":1.0}}}},"t":{"df":0,"docs":{},"e":{"df":6,"docs":{"1":{"tf":2.6457513110645907},"13":{"tf":1.0},"2":{"tf":3.1622776601683795},"6":{"tf":2.0},"8":{"tf":1.0},"9":{"tf":1.0}}},"i":{"df":0,"docs":{},"o":{"df":1,"docs":{"7":{"tf":1.0}}}}}},"df":10,"docs":{"12":{"tf":1.0},"13":{"tf":1.7320508075688772},"15":{"tf":1.7320508075688772},"17":{"tf":1.0},"20":{"tf":2.23606797749979},"24":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":2.449489742783178},"45":{"tf":1.0},"9":{"tf":2.449489742783178}},"e":{"a":{"c":{"df":0,"docs":{},"h":{"df":3,"docs":{"21":{"tf":1.0},"44":{"tf":1.0},"7":{"tf":1.0}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"18":{"tf":1.0}}}}}},"c":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"20":{"tf":1.0},"8":{"tf":1.0}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"12":{"tf":1.0}}},"df":0,"docs":{}}}}}}},"d":{"df":0,"docs":{},"u":{"c":{"df":1,"docs":{"8":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":1,"docs":{"39":{"tf":1.0}},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":4,"docs":{"29":{"tf":1.0},"36":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0}}}},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"5":{"tf":1.0}}}},"df":0,"docs":{}}},"r":{"a":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}},"g":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"l":{"a":{"df":0,"docs":{},"t":{"df":2,"docs":{"6":{"tf":1.0},"8":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"df":1,"docs":{"8":{"tf":1.0}}}}}}}}}}},"df":4,"docs":{"13":{"tf":1.4142135623730951},"32":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":1.0}}},"m":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"v":{"df":1,"docs":{"42":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}},"e":{"d":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"34":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":6,"docs":{"13":{"tf":1.0},"2":{"tf":2.23606797749979},"32":{"tf":1.0},"34":{"tf":1.0},"42":{"tf":1.0},"5":{"tf":1.0}}}},"o":{"d":{"df":0,"docs":{},"u":{"c":{"df":1,"docs":{"2":{"tf":1.4142135623730951}},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"q":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":6,"docs":{"1":{"tf":1.0},"15":{"tf":1.0},"29":{"tf":1.0},"44":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"i":{"d":{"df":0,"docs":{},"u":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":2.6457513110645907}}}}}}},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":9,"docs":{"1":{"tf":1.0},"13":{"tf":1.0},"19":{"tf":1.0},"20":{"tf":2.0},"3":{"tf":1.4142135623730951},"36":{"tf":1.0},"38":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}},"t":{"df":1,"docs":{"42":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":2.0}}}}}}},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":3,"docs":{"39":{"tf":1.0},"43":{"tf":1.7320508075688772},"5":{"tf":1.0}}}}}},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":6,"docs":{"18":{"tf":1.4142135623730951},"21":{"tf":1.0},"29":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":2.23606797749979},"39":{"tf":2.0}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"7":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":1,"docs":{"10":{"tf":1.0}}}}}},"w":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"3":{"tf":1.0},"7":{"tf":1.0}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"3":{"tf":1.0}}}}}}}}}},"h":{"df":7,"docs":{"23":{"tf":1.0},"24":{"tf":2.23606797749979},"25":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"34":{"tf":1.0},"42":{"tf":1.4142135623730951}},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":9,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}}}},"df":0,"docs":{}}}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"20":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":7,"docs":{"11":{"tf":1.0},"15":{"tf":1.0},"20":{"tf":1.4142135623730951},"22":{"tf":1.0},"29":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":2.0}}}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"7":{"tf":1.0}}}}},"o":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"_":{"df":0,"docs":{},"o":{"d":{"df":3,"docs":{"41":{"tf":1.0},"42":{"tf":1.4142135623730951},"44":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":4,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.7320508075688772},"44":{"tf":1.0},"45":{"tf":1.0}}}}}}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{},"|":{"df":0,"docs":{},"x":{"df":2,"docs":{"17":{"tf":1.0},"18":{"tf":1.0}}}}},"df":10,"docs":{"11":{"tf":1.4142135623730951},"16":{"tf":1.4142135623730951},"17":{"tf":2.8284271247461903},"18":{"tf":1.4142135623730951},"23":{"tf":1.0},"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"5":{"tf":1.0},"7":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"(":{"1":{"df":5,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":1,"docs":{"13":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":1,"docs":{"35":{"tf":1.0}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"t":{"df":7,"docs":{"10":{"tf":1.7320508075688772},"12":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951},"42":{"tf":2.0},"43":{"tf":1.0},"45":{"tf":2.449489742783178}}}}},"v":{"df":1,"docs":{"13":{"tf":1.0}}}},"s":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":9,"docs":{"1":{"tf":1.4142135623730951},"29":{"tf":1.0},"36":{"tf":1.0},"41":{"tf":1.7320508075688772},"42":{"tf":2.0},"43":{"tf":1.0},"44":{"tf":1.4142135623730951},"45":{"tf":1.0},"9":{"tf":1.0}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":3,"docs":{"36":{"tf":1.0},"39":{"tf":1.0},"8":{"tf":1.0}}}}}}},"v":{"df":0,"docs":{},"e":{"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":1.0}}}}},"c":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":1,"docs":{"7":{"tf":1.0}}}},"t":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"t":{".":{"c":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":2,"docs":{"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":1,"docs":{"7":{"tf":1.0}},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"2":{"tf":1.0},"6":{"tf":1.0}},"e":{".":{"c":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":3,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":2,"docs":{"35":{"tf":1.7320508075688772},"36":{"tf":1.0}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"35":{"tf":1.0}},"e":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"_":{"df":0,"docs":{},"w":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}},"df":1,"docs":{"21":{"tf":1.0}},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"d":{"df":6,"docs":{"1":{"tf":1.0},"2":{"tf":1.0},"3":{"tf":2.23606797749979},"39":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0}}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":9,"docs":{"0":{"tf":1.7320508075688772},"1":{"tf":1.0},"19":{"tf":1.0},"3":{"tf":1.0},"32":{"tf":1.0},"34":{"tf":1.4142135623730951},"42":{"tf":1.0},"5":{"tf":1.4142135623730951},"8":{"tf":1.0}}}}}}},"df":0,"docs":{},"e":{"df":6,"docs":{"13":{"tf":1.0},"2":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0}},"n":{"df":3,"docs":{"44":{"tf":1.0},"45":{"tf":1.0},"8":{"tf":1.0}}}},"l":{"df":0,"docs":{},"f":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"26":{"tf":1.0}}}}},"df":0,"docs":{}},"p":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"y":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"(":{"df":0,"docs":{},"p":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":2,"docs":{"30":{"tf":2.23606797749979},"31":{"tf":2.23606797749979}}}},"df":4,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}}},"m":{"df":0,"docs":{},"i":{"df":1,"docs":{"8":{"tf":1.7320508075688772}}}},"n":{"df":0,"docs":{},"s":{"_":{"a":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"21":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}}},"t":{"_":{"df":0,"docs":{},"o":{"df":1,"docs":{"21":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":4,"docs":{"19":{"tf":1.7320508075688772},"20":{"tf":2.0},"21":{"tf":2.449489742783178},"38":{"tf":1.4142135623730951}}}}}},"p":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"i":{"df":3,"docs":{"0":{"tf":1.0},"32":{"tf":1.0},"9":{"tf":1.0}}}},"t":{"_":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"39":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}},"df":13,"docs":{"0":{"tf":1.0},"1":{"tf":1.7320508075688772},"13":{"tf":1.4142135623730951},"15":{"tf":1.0},"16":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"35":{"tf":2.0},"36":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}},"u":{"df":0,"docs":{},"p":{"df":2,"docs":{"36":{"tf":1.0},"43":{"tf":1.0}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"2":{"tf":1.0},"41":{"tf":1.0}}}}}},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":3,"docs":{"2":{"tf":1.0},"38":{"tf":1.0},"8":{"tf":1.0}},"n":{"df":2,"docs":{"1":{"tf":1.0},"6":{"tf":1.0}}}}}},"i":{"d":{"df":0,"docs":{},"e":{"df":7,"docs":{"11":{"tf":1.0},"15":{"tf":1.0},"20":{"tf":1.4142135623730951},"22":{"tf":1.0},"29":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0}}}},"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":1,"docs":{"4":{"tf":1.0}},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"c":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"44":{"tf":1.0}}}}}}},"df":2,"docs":{"29":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}}}}}},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":5,"docs":{"12":{"tf":1.0},"2":{"tf":1.0},"25":{"tf":1.0},"40":{"tf":1.0},"44":{"tf":1.0}}}},"df":0,"docs":{}}},"p":{"df":0,"docs":{},"l":{"df":8,"docs":{"0":{"tf":2.0},"2":{"tf":1.0},"3":{"tf":1.0},"32":{"tf":1.0},"38":{"tf":1.0},"45":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"13":{"tf":1.0},"2":{"tf":1.0}}}}},"i":{"c":{"df":1,"docs":{"34":{"tf":1.0}}},"df":0,"docs":{},"f":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"29":{"tf":1.0}}}}},"n":{"(":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"g":{"a":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}}},"df":0,"docs":{},"g":{"df":0,"docs":{},"l":{"df":1,"docs":{"39":{"tf":1.0}},"i":{"df":1,"docs":{"35":{"tf":1.0}}}},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":2,"docs":{"14":{"tf":1.7320508075688772},"35":{"tf":1.0}}}},"df":0,"docs":{}}}},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"i":{"d":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}}}}}},"z":{"df":0,"docs":{},"e":{"df":7,"docs":{"13":{"tf":1.0},"36":{"tf":1.0},"39":{"tf":1.4142135623730951},"41":{"tf":2.0},"43":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"42":{"tf":1.4142135623730951},"44":{"tf":1.0}}}}}}}},"o":{"df":0,"docs":{},"w":{"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":0,"docs":{},"n":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"12":{"tf":1.0},"43":{"tf":1.0},"44":{"tf":1.7320508075688772}}}},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"44":{"tf":1.0}}}}}}},"m":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":3,"docs":{"39":{"tf":1.0},"44":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951}},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"44":{"tf":1.0}}}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":6,"docs":{"1":{"tf":1.0},"15":{"tf":1.0},"19":{"tf":1.4142135623730951},"20":{"tf":1.0},"38":{"tf":2.23606797749979},"39":{"tf":3.0}}}},"v":{"df":23,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":2.0},"10":{"tf":1.0},"11":{"tf":1.0},"13":{"tf":1.4142135623730951},"18":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"21":{"tf":2.0},"3":{"tf":1.0},"32":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0},"37":{"tf":1.4142135623730951},"38":{"tf":3.1622776601683795},"4":{"tf":1.0},"41":{"tf":2.0},"42":{"tf":1.0},"43":{"tf":1.4142135623730951},"5":{"tf":1.7320508075688772},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.0}},"e":{"_":{"a":{"d":{"df":0,"docs":{},"j":{"df":0,"docs":{},"o":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"38":{"tf":1.0}}}}}}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":1,"docs":{"38":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}},"df":0,"docs":{},"r":{"'":{"df":1,"docs":{"36":{"tf":1.0}}},".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"t":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"o":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"39":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"(":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"o":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"21":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"1":{"0":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"39":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"t":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"(":{"1":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"38":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"4":{"0":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"t":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"33":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"_":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"38":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":1,"docs":{"21":{"tf":1.0}},"i":{"df":2,"docs":{"18":{"tf":1.0},"39":{"tf":1.0}}},"t":{"df":2,"docs":{"21":{"tf":1.4142135623730951},"39":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"d":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}},"y":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"y":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"(":{"&":{"df":0,"docs":{},"i":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"[":{"0":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"(":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"21":{"tf":1.4142135623730951},"39":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":4,"docs":{"18":{"tf":1.0},"39":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0}}}}}}},"df":22,"docs":{"1":{"tf":1.4142135623730951},"16":{"tf":1.0},"17":{"tf":1.7320508075688772},"18":{"tf":1.7320508075688772},"2":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951},"33":{"tf":1.0},"35":{"tf":5.0},"36":{"tf":2.449489742783178},"37":{"tf":1.0},"38":{"tf":1.7320508075688772},"39":{"tf":3.4641016151377544},"4":{"tf":1.0},"40":{"tf":1.4142135623730951},"41":{"tf":3.0},"42":{"tf":2.8284271247461903},"44":{"tf":2.23606797749979},"45":{"tf":1.4142135623730951},"5":{"tf":2.23606797749979},"6":{"tf":1.4142135623730951},"7":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}}},"m":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"y":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}}}},"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"1":{"tf":1.0},"10":{"tf":1.0}}}}}}},"u":{"df":0,"docs":{},"r":{"c":{"df":1,"docs":{"9":{"tf":2.0}}},"df":0,"docs":{}}}},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":7,"docs":{"13":{"tf":1.4142135623730951},"32":{"tf":1.0},"34":{"tf":2.6457513110645907},"35":{"tf":1.0},"41":{"tf":2.23606797749979},"42":{"tf":1.7320508075688772},"44":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"34":{"tf":2.23606797749979}}}}}}},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"i":{"df":2,"docs":{"2":{"tf":2.6457513110645907},"41":{"tf":1.0}},"f":{"df":9,"docs":{"0":{"tf":1.4142135623730951},"12":{"tf":1.0},"13":{"tf":1.0},"2":{"tf":1.0},"32":{"tf":1.4142135623730951},"39":{"tf":1.4142135623730951},"5":{"tf":2.23606797749979},"6":{"tf":1.4142135623730951},"8":{"tf":1.0}},"i":{"df":26,"docs":{"10":{"tf":2.23606797749979},"11":{"tf":1.7320508075688772},"12":{"tf":1.7320508075688772},"13":{"tf":2.0},"15":{"tf":1.0},"17":{"tf":1.4142135623730951},"2":{"tf":1.0},"20":{"tf":1.4142135623730951},"21":{"tf":1.0},"22":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.7320508075688772},"25":{"tf":1.0},"27":{"tf":1.4142135623730951},"28":{"tf":1.0},"30":{"tf":1.0},"32":{"tf":1.7320508075688772},"33":{"tf":1.4142135623730951},"34":{"tf":2.23606797749979},"35":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":2.0},"6":{"tf":2.0},"7":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{},"e":{"d":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":3,"docs":{"0":{"tf":1.4142135623730951},"3":{"tf":1.0},"4":{"tf":2.449489742783178}}}}}}},"t":{"a":{"df":0,"docs":{},"n":{"d":{"a":{"df":0,"docs":{},"r":{"d":{"df":3,"docs":{"1":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"t":{"df":4,"docs":{"1":{"tf":1.0},"2":{"tf":1.0},"34":{"tf":1.0},"44":{"tf":1.0}}}},"t":{"df":0,"docs":{},"e":{".":{"a":{"df":0,"docs":{},"s":{"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"36":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":15,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":3.0},"11":{"tf":1.7320508075688772},"13":{"tf":2.0},"20":{"tf":1.7320508075688772},"24":{"tf":1.0},"3":{"tf":1.4142135623730951},"35":{"tf":2.8284271247461903},"36":{"tf":3.4641016151377544},"38":{"tf":2.449489742783178},"39":{"tf":1.7320508075688772},"5":{"tf":2.23606797749979},"6":{"tf":1.0},"7":{"tf":2.0},"8":{"tf":2.0}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":1,"docs":{"36":{"tf":1.0}},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"36":{"tf":1.0}}}}}}}}}}},"d":{":":{":":{"df":0,"docs":{},"f":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":6,"docs":{"13":{"tf":1.0},"18":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"39":{"tf":3.872983346207417},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":3,"docs":{"35":{"tf":1.0},"41":{"tf":1.0},"44":{"tf":1.0}}}},"l":{"df":0,"docs":{},"l":{"df":1,"docs":{"12":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"p":{"df":6,"docs":{"16":{"tf":1.0},"17":{"tf":1.7320508075688772},"18":{"tf":1.4142135623730951},"39":{"tf":2.0},"5":{"tf":1.0},"7":{"tf":1.4142135623730951}}},"r":{"df":0,"docs":{},"e":{"df":2,"docs":{"26":{"tf":1.0},"29":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":1,"docs":{"45":{"tf":1.0}}}}},"u":{"c":{"df":0,"docs":{},"t":{"df":20,"docs":{"12":{"tf":1.7320508075688772},"13":{"tf":1.7320508075688772},"15":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.0},"22":{"tf":1.7320508075688772},"23":{"tf":2.0},"24":{"tf":3.1622776601683795},"25":{"tf":1.0},"26":{"tf":1.4142135623730951},"27":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":3.605551275463989},"30":{"tf":2.8284271247461903},"31":{"tf":2.8284271247461903},"33":{"tf":2.23606797749979},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":2.23606797749979},"39":{"tf":1.4142135623730951}},"u":{"df":0,"docs":{},"r":{"df":3,"docs":{"12":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"u":{"b":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"c":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"18":{"tf":1.0},"39":{"tf":1.0}}}}}},"df":0,"docs":{},"h":{"df":8,"docs":{"0":{"tf":1.0},"14":{"tf":1.0},"17":{"tf":1.0},"19":{"tf":1.0},"2":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0}}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"i":{"df":0,"docs":{},"t":{"a":{"b":{"df":0,"docs":{},"l":{"df":2,"docs":{"22":{"tf":1.0},"35":{"tf":1.0}}}},"df":0,"docs":{}},"df":1,"docs":{"40":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"41":{"tf":1.0}}}}},"df":0,"docs":{}}}}}},"m":{"df":1,"docs":{"9":{"tf":1.0}}},"n":{"d":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":6,"docs":{"40":{"tf":1.0},"41":{"tf":2.8284271247461903},"42":{"tf":3.0},"43":{"tf":1.4142135623730951},"44":{"tf":2.449489742783178},"45":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"_":{"b":{"a":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"41":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":1,"docs":{"41":{"tf":1.0}}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"41":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"df":1,"docs":{"7":{"tf":1.0}}}}},"y":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"x":{"df":2,"docs":{"2":{"tf":1.0},"32":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"'":{"df":1,"docs":{"0":{"tf":1.0}}},".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"4":{"tf":1.0}}}}}}},"df":21,"docs":{"0":{"tf":3.4641016151377544},"1":{"tf":3.0},"15":{"tf":1.4142135623730951},"2":{"tf":2.8284271247461903},"23":{"tf":1.4142135623730951},"27":{"tf":1.4142135623730951},"28":{"tf":1.0},"3":{"tf":2.449489742783178},"30":{"tf":1.0},"32":{"tf":1.4142135623730951},"34":{"tf":2.0},"4":{"tf":2.6457513110645907},"41":{"tf":1.0},"42":{"tf":1.4142135623730951},"44":{"tf":2.0},"45":{"tf":1.0},"5":{"tf":3.0},"6":{"tf":2.23606797749979},"7":{"tf":1.7320508075688772},"8":{"tf":2.0},"9":{"tf":2.0}}}}}}}},"t":{".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"0":{".":{"0":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"0":{"(":{"0":{".":{"0":{"df":4,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"34":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":2,"docs":{"13":{"tf":1.0},"34":{"tf":1.4142135623730951}}},"_":{"0":{"df":1,"docs":{"11":{"tf":1.0}}},"df":0,"docs":{},"o":{"df":2,"docs":{"21":{"tf":2.8284271247461903},"39":{"tf":2.23606797749979}}}},"a":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"u":{":":{":":{"<":{"df":0,"docs":{},"m":{">":{":":{":":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"_":{"b":{"d":{"df":0,"docs":{},"f":{"2":{"df":1,"docs":{"35":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"35":{"tf":2.8284271247461903}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"k":{"df":0,"docs":{},"e":{"df":2,"docs":{"15":{"tf":1.0},"24":{"tf":1.0}},"n":{"df":4,"docs":{"42":{"tf":1.0},"43":{"tf":1.4142135623730951},"44":{"tf":1.0},"6":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":22,"docs":{"1":{"tf":2.0},"11":{"tf":1.0},"13":{"tf":2.8284271247461903},"15":{"tf":2.23606797749979},"17":{"tf":2.23606797749979},"18":{"tf":2.0},"2":{"tf":1.7320508075688772},"24":{"tf":3.3166247903554},"25":{"tf":2.0},"26":{"tf":2.23606797749979},"29":{"tf":1.0},"3":{"tf":1.7320508075688772},"30":{"tf":4.358898943540674},"31":{"tf":4.358898943540674},"33":{"tf":1.0},"34":{"tf":1.4142135623730951},"4":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":2.6457513110645907},"8":{"tf":2.23606797749979},"9":{"tf":2.23606797749979}},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"32":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"m":{"df":3,"docs":{"2":{"tf":2.449489742783178},"8":{"tf":1.0},"9":{"tf":1.0}}}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}}},"x":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":2.0}},"{":{"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"}":{"(":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"29":{"tf":1.4142135623730951}}}}}}}},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"13":{"tf":1.0},"34":{"tf":1.0}}},"r":{"d":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":1,"docs":{"12":{"tf":1.0}}},"s":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"d":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":4,"docs":{"34":{"tf":1.0},"39":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.7320508075688772}}}}}}},"u":{"df":6,"docs":{"1":{"tf":1.0},"10":{"tf":1.0},"15":{"tf":1.0},"32":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}}}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"32":{"tf":1.0}}}}}}},"m":{"df":0,"docs":{},"e":{".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"0":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"df":27,"docs":{"0":{"tf":1.7320508075688772},"1":{"tf":2.23606797749979},"11":{"tf":1.7320508075688772},"13":{"tf":1.4142135623730951},"14":{"tf":1.0},"15":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.7320508075688772},"20":{"tf":1.0},"21":{"tf":2.23606797749979},"29":{"tf":1.4142135623730951},"3":{"tf":1.7320508075688772},"33":{"tf":1.0},"34":{"tf":1.0},"36":{"tf":1.4142135623730951},"38":{"tf":2.6457513110645907},"39":{"tf":2.8284271247461903},"4":{"tf":1.4142135623730951},"41":{"tf":1.0},"43":{"tf":2.8284271247461903},"44":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":2.23606797749979},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.7320508075688772}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"38":{"tf":1.0}}}}}}}},"s":{"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"o":{"/":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":3,"docs":{"2":{"tf":1.0},"27":{"tf":1.0},"6":{"tf":1.0}}}}}},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"13":{"tf":1.7320508075688772},"39":{"tf":1.0},"42":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"l":{"df":1,"docs":{"0":{"tf":1.0}}}},"p":{"df":1,"docs":{"9":{"tf":1.0}},"i":{"c":{"df":1,"docs":{"0":{"tf":1.0}}},"df":0,"docs":{}}},"t":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"41":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"x":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"_":{"b":{"d":{"df":0,"docs":{},"f":{"2":{"df":1,"docs":{"35":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":15,"docs":{"12":{"tf":1.0},"21":{"tf":1.7320508075688772},"23":{"tf":2.8284271247461903},"24":{"tf":2.0},"25":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":2.6457513110645907},"30":{"tf":1.4142135623730951},"31":{"tf":1.0},"34":{"tf":1.0},"36":{"tf":1.7320508075688772},"37":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}}},"j":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":1,"docs":{"14":{"tf":1.0}}}}}},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"l":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"0":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"45":{"tf":1.0}}},"df":0,"docs":{}}},"i":{"df":1,"docs":{"6":{"tf":1.0}},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.0}}}}}}}},"s":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":4,"docs":{"2":{"tf":1.0},"38":{"tf":1.0},"4":{"tf":1.0},"9":{"tf":1.0}}},"w":{"df":0,"docs":{},"o":{"df":10,"docs":{"1":{"tf":2.0},"2":{"tf":2.23606797749979},"3":{"tf":1.4142135623730951},"39":{"tf":1.0},"4":{"tf":1.0},"42":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.4142135623730951},"9":{"tf":1.4142135623730951}}}},"y":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"df":25,"docs":{"0":{"tf":1.0},"13":{"tf":3.3166247903554},"15":{"tf":1.4142135623730951},"17":{"tf":1.0},"18":{"tf":1.7320508075688772},"2":{"tf":2.449489742783178},"20":{"tf":1.0},"21":{"tf":2.0},"24":{"tf":3.872983346207417},"25":{"tf":2.449489742783178},"26":{"tf":2.449489742783178},"29":{"tf":1.7320508075688772},"30":{"tf":5.0990195135927845},"31":{"tf":5.0990195135927845},"33":{"tf":2.23606797749979},"34":{"tf":2.8284271247461903},"35":{"tf":1.7320508075688772},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178},"4":{"tf":1.7320508075688772},"42":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}},"i":{"c":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}},"u":{"_":{"df":0,"docs":{},"i":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":1,"docs":{"33":{"tf":2.449489742783178}},"n":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"19":{"tf":1.0}}}}}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"0":{"tf":1.0},"3":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"0":{"tf":1.0},"2":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"k":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":4,"docs":{"21":{"tf":1.0},"39":{"tf":1.0},"44":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772}}}}},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":18,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"31":{"tf":1.0},"33":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}},"p":{"d":{"a":{"df":0,"docs":{},"t":{"df":3,"docs":{"5":{"tf":1.4142135623730951},"7":{"tf":2.0},"8":{"tf":1.0}}}},"df":0,"docs":{}},"df":2,"docs":{"21":{"tf":1.0},"38":{"tf":1.0}}},"s":{"df":41,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":1.4142135623730951},"10":{"tf":1.4142135623730951},"11":{"tf":1.4142135623730951},"12":{"tf":3.0},"13":{"tf":3.4641016151377544},"14":{"tf":1.0},"15":{"tf":2.0},"17":{"tf":2.23606797749979},"18":{"tf":2.0},"19":{"tf":1.0},"2":{"tf":3.4641016151377544},"20":{"tf":2.449489742783178},"21":{"tf":3.0},"23":{"tf":1.4142135623730951},"24":{"tf":2.23606797749979},"25":{"tf":1.0},"26":{"tf":1.4142135623730951},"27":{"tf":1.0},"29":{"tf":1.0},"3":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"32":{"tf":2.23606797749979},"33":{"tf":3.0},"34":{"tf":3.0},"35":{"tf":3.1622776601683795},"36":{"tf":2.8284271247461903},"38":{"tf":2.8284271247461903},"39":{"tf":3.605551275463989},"4":{"tf":2.23606797749979},"41":{"tf":3.0},"42":{"tf":2.8284271247461903},"43":{"tf":1.0},"44":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"5":{"tf":2.23606797749979},"6":{"tf":2.6457513110645907},"7":{"tf":2.23606797749979},"8":{"tf":1.7320508075688772},"9":{"tf":2.0}},"e":{"c":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"32":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"r":{"df":11,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"10":{"tf":1.0},"11":{"tf":1.0},"12":{"tf":2.0},"15":{"tf":1.0},"22":{"tf":1.0},"38":{"tf":1.7320508075688772},"42":{"tf":1.4142135623730951},"5":{"tf":1.4142135623730951},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"z":{"df":5,"docs":{"24":{"tf":2.449489742783178},"25":{"tf":1.7320508075688772},"26":{"tf":1.7320508075688772},"30":{"tf":4.242640687119285},"31":{"tf":4.242640687119285}}}}}},"v":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"v":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"1":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"0":{".":{"2":{".":{"1":{"df":1,"docs":{"43":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"9":{"tf":1.4142135623730951}}},":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"2":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"f":{"df":0,"docs":{},"n":{"(":{"1":{"0":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}},"z":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"(":{"2":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"[":{"0":{"df":11,"docs":{"13":{"tf":1.0},"15":{"tf":1.7320508075688772},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.4142135623730951},"21":{"tf":2.0},"24":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}},"1":{"df":3,"docs":{"15":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951}}},"df":0,"docs":{},"i":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}}},"_":{"0":{"df":2,"docs":{"15":{"tf":1.7320508075688772},"9":{"tf":1.0}}},"1":{"df":1,"docs":{"15":{"tf":1.0}}},"c":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":1,"docs":{"9":{"tf":1.7320508075688772}},"k":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}},"r":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}},"s":{"(":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}},"{":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}},"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":10,"docs":{"13":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.4142135623730951},"2":{"tf":1.7320508075688772},"34":{"tf":1.4142135623730951},"35":{"tf":2.0},"36":{"tf":1.4142135623730951},"42":{"tf":1.0},"44":{"tf":1.0},"8":{"tf":1.7320508075688772}}}},"r":{"df":0,"docs":{},"i":{"a":{"b":{"df":0,"docs":{},"l":{"df":9,"docs":{"1":{"tf":2.23606797749979},"15":{"tf":1.4142135623730951},"16":{"tf":1.0},"3":{"tf":2.0},"4":{"tf":1.0},"41":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"c":{"df":1,"docs":{"6":{"tf":2.0}}},"df":21,"docs":{"13":{"tf":2.449489742783178},"15":{"tf":1.7320508075688772},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":3.3166247903554},"21":{"tf":2.0},"24":{"tf":3.7416573867739413},"25":{"tf":2.0},"26":{"tf":2.23606797749979},"29":{"tf":2.449489742783178},"3":{"tf":2.0},"30":{"tf":5.385164807134504},"31":{"tf":5.385164807134504},"34":{"tf":3.1622776601683795},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":2.449489742783178},"7":{"tf":3.3166247903554},"9":{"tf":2.6457513110645907}},"e":{"c":{"!":{"[":{"(":{"0":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{".":{"0":{"df":1,"docs":{"38":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":2,"docs":{"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}},"<":{"_":{"df":3,"docs":{"2":{"tf":2.23606797749979},"4":{"tf":1.4142135623730951},"9":{"tf":1.4142135623730951}}},"d":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"21":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":1,"docs":{"38":{"tf":1.7320508075688772}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":16,"docs":{"1":{"tf":1.4142135623730951},"11":{"tf":1.7320508075688772},"13":{"tf":3.0},"15":{"tf":2.0},"2":{"tf":1.0},"20":{"tf":2.6457513110645907},"21":{"tf":2.0},"24":{"tf":1.7320508075688772},"29":{"tf":1.0},"3":{"tf":1.0},"34":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"41":{"tf":1.0},"42":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.23606797749979}}}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"c":{"df":3,"docs":{"3":{"tf":1.4142135623730951},"4":{"tf":1.7320508075688772},"7":{"tf":3.1622776601683795}}},"df":0,"docs":{}}},"r":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":1,"docs":{"10":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"df":1,"docs":{"44":{"tf":1.0}}},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":2,"docs":{"33":{"tf":1.0},"42":{"tf":1.4142135623730951}}}}}}}},"i":{"a":{"df":5,"docs":{"0":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"41":{"tf":1.0},"8":{"tf":1.0}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"9":{"tf":2.8284271247461903}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"a":{"df":1,"docs":{"2":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}}},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}}}},"p":{"1":{"df":1,"docs":{"6":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"s":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}}}},"w":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":10,"docs":{"10":{"tf":1.0},"12":{"tf":2.0},"16":{"tf":1.0},"21":{"tf":1.0},"22":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":1.0},"32":{"tf":1.4142135623730951},"33":{"tf":1.4142135623730951},"39":{"tf":1.0}}}},"y":{"df":6,"docs":{"13":{"tf":1.0},"22":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":1.7320508075688772},"5":{"tf":1.7320508075688772}}}},"df":0,"docs":{},"e":{"'":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":2,"docs":{"17":{"tf":1.0},"3":{"tf":1.0}}}},"v":{"df":2,"docs":{"25":{"tf":1.0},"27":{"tf":1.0}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":4,"docs":{"0":{"tf":1.0},"24":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.0}}}}},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}}}}},"i":{"d":{"df":0,"docs":{},"e":{"df":2,"docs":{"0":{"tf":1.0},"8":{"tf":1.0}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":4,"docs":{"1":{"tf":1.0},"29":{"tf":1.0},"36":{"tf":1.4142135623730951},"39":{"tf":1.0}}}},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"1":{"tf":1.0},"12":{"tf":1.0}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"36":{"tf":1.0}}}}}}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":1,"docs":{"42":{"tf":1.0}}}}},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"45":{"tf":1.0}},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"13":{"tf":1.0},"34":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":7,"docs":{"1":{"tf":2.0},"2":{"tf":1.4142135623730951},"32":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":9,"docs":{"0":{"tf":1.4142135623730951},"10":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.7320508075688772},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"45":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0}}}}}}},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":1,"docs":{"42":{"tf":1.7320508075688772}}}}}}},"x":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"4":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"x":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"[":{"0":{"df":13,"docs":{"13":{"tf":1.7320508075688772},"15":{"tf":2.0},"17":{"tf":2.0},"18":{"tf":2.0},"20":{"tf":2.6457513110645907},"21":{"tf":3.7416573867739413},"24":{"tf":1.7320508075688772},"30":{"tf":2.23606797749979},"31":{"tf":2.23606797749979},"35":{"tf":1.7320508075688772},"36":{"tf":1.7320508075688772},"38":{"tf":2.449489742783178},"39":{"tf":3.0}}},"1":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{},"i":{"df":1,"docs":{"34":{"tf":2.449489742783178}}}},"_":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"(":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"t":{"df":5,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"x":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":1,"docs":{"4":{"tf":1.0}}}}}}},"df":21,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"18":{"tf":1.4142135623730951},"2":{"tf":3.872983346207417},"20":{"tf":1.7320508075688772},"21":{"tf":2.449489742783178},"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"30":{"tf":2.0},"31":{"tf":2.0},"34":{"tf":2.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178},"4":{"tf":2.449489742783178},"43":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":2.8284271247461903}}},"y":{"(":{"0":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{},"t":{"_":{"0":{"df":1,"docs":{"11":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},".":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"v":{"(":{"1":{".":{"0":{"df":1,"docs":{"26":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"/":{"df":0,"docs":{},"k":{"df":5,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.0},"17":{"tf":1.0},"20":{"tf":1.7320508075688772},"24":{"tf":1.0}}}},"0":{"df":2,"docs":{"2":{"tf":2.6457513110645907},"34":{"tf":1.0}}},"1":{"df":1,"docs":{"2":{"tf":2.8284271247461903}}},"2":{"df":1,"docs":{"2":{"tf":2.8284271247461903}}},"[":{"0":{"]":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"x":{"(":{"df":0,"docs":{},"f":{"6":{"4":{":":{":":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"7":{"tf":1.0}}}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":15,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":2.0},"17":{"tf":1.7320508075688772},"18":{"tf":1.7320508075688772},"20":{"tf":2.0},"21":{"tf":2.8284271247461903},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"30":{"tf":2.23606797749979},"31":{"tf":2.23606797749979},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178},"7":{"tf":1.0}}},"1":{"df":2,"docs":{"15":{"tf":1.7320508075688772},"7":{"tf":1.4142135623730951}}},"df":0,"docs":{},"i":{"df":1,"docs":{"34":{"tf":2.0}}}},"^":{"2":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{}},"_":{"0":{"(":{"df":0,"docs":{},"p":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"t":{"_":{"0":{"df":1,"docs":{"11":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"/":{"df":0,"docs":{},"k":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}}},"df":2,"docs":{"15":{"tf":1.7320508075688772},"2":{"tf":2.449489742783178}}},"1":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}},"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"(":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"(":{"\"":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}},"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}}},"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"x":{"df":1,"docs":{"4":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"7":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":21,"docs":{"11":{"tf":2.8284271247461903},"13":{"tf":2.23606797749979},"14":{"tf":1.0},"15":{"tf":2.6457513110645907},"17":{"tf":3.0},"18":{"tf":1.7320508075688772},"2":{"tf":3.872983346207417},"20":{"tf":2.8284271247461903},"21":{"tf":2.8284271247461903},"24":{"tf":1.7320508075688772},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.23606797749979},"31":{"tf":2.23606797749979},"34":{"tf":2.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178},"43":{"tf":1.0},"7":{"tf":1.0}},"s":{".":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"(":{"0":{")":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"d":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"1":{")":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"d":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":4,"docs":{"2":{"tf":1.4142135623730951},"38":{"tf":1.0},"4":{"tf":1.0},"9":{"tf":1.0}}}},"z":{"(":{"df":0,"docs":{},"t":{"df":1,"docs":{"11":{"tf":1.0}}}},"df":1,"docs":{"15":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":8,"docs":{"16":{"tf":1.0},"17":{"tf":1.0},"20":{"tf":1.0},"34":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.4142135623730951}},"t":{"df":0,"docs":{},"h":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}}},"breadcrumbs":{"root":{"0":{".":{".":{"1":{"0":{"df":1,"docs":{"34":{"tf":2.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{"0":{"1":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}},"df":2,"docs":{"20":{"tf":1.0},"21":{"tf":1.4142135623730951}}},"1":{"df":16,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951},"25":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"33":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.4142135623730951},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0}}},"3":{"df":1,"docs":{"44":{"tf":1.0}}},"4":{"df":1,"docs":{"33":{"tf":1.0}}},"5":{"df":2,"docs":{"17":{"tf":2.23606797749979},"18":{"tf":1.0}}},"7":{"df":1,"docs":{"44":{"tf":1.0}}},"8":{"df":1,"docs":{"7":{"tf":1.0}}},"9":{"8":{"df":1,"docs":{"34":{"tf":3.1622776601683795}}},"df":2,"docs":{"44":{"tf":1.0},"45":{"tf":1.0}}},"df":0,"docs":{}},"df":16,"docs":{"1":{"tf":1.0},"15":{"tf":2.0},"17":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.0},"31":{"tf":2.0},"34":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.4142135623730951},"9":{"tf":5.477225575051661}}},"1":{".":{".":{"6":{")":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"p":{"(":{"df":0,"docs":{},"f":{"6":{"4":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{"df":21,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"18":{"tf":1.4142135623730951},"2":{"tf":2.23606797749979},"20":{"tf":1.7320508075688772},"21":{"tf":2.449489742783178},"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"33":{"tf":2.449489742783178},"34":{"tf":2.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.23606797749979},"39":{"tf":2.449489742783178},"4":{"tf":1.4142135623730951},"44":{"tf":1.0},"45":{"tf":1.0},"9":{"tf":1.0}}},"5":{"df":1,"docs":{"44":{"tf":1.4142135623730951}}},"9":{"df":1,"docs":{"44":{"tf":1.0}}},"df":0,"docs":{}},"0":{".":{"0":{"df":14,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":2.0},"31":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":2.23606797749979},"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"0":{".":{"0":{"df":2,"docs":{"6":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"0":{".":{"0":{"df":1,"docs":{"6":{"tf":2.449489742783178}}},"df":0,"docs":{}},"df":1,"docs":{"6":{"tf":1.7320508075688772}}},"df":1,"docs":{"6":{"tf":1.0}}},"^":{"0":{"df":1,"docs":{"43":{"tf":1.0}}},"1":{"df":1,"docs":{"43":{"tf":1.0}}},"df":0,"docs":{}},"df":5,"docs":{"1":{"tf":1.4142135623730951},"21":{"tf":1.0},"34":{"tf":1.7320508075688772},"43":{"tf":1.0},"9":{"tf":1.0}}},"2":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"8":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":17,"docs":{"13":{"tf":1.7320508075688772},"15":{"tf":2.0},"17":{"tf":1.7320508075688772},"18":{"tf":1.0},"2":{"tf":2.23606797749979},"20":{"tf":1.7320508075688772},"24":{"tf":2.23606797749979},"25":{"tf":1.4142135623730951},"26":{"tf":1.7320508075688772},"30":{"tf":3.4641016151377544},"31":{"tf":3.4641016151377544},"34":{"tf":1.4142135623730951},"4":{"tf":1.0},"41":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"2":{".":{"0":{"/":{"3":{".":{"0":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":12,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"24":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.7320508075688772},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"0":{"0":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}},"d":{"df":1,"docs":{"41":{"tf":1.4142135623730951}}},"df":8,"docs":{"15":{"tf":1.0},"20":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"41":{"tf":1.4142135623730951},"44":{"tf":1.0},"6":{"tf":1.4142135623730951}},"n":{"^":{"2":{"df":1,"docs":{"41":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"y":{"/":{"df":0,"docs":{},"k":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{}}},"3":{".":{"0":{"df":1,"docs":{"38":{"tf":1.0}}},"df":0,"docs":{}},"df":2,"docs":{"34":{"tf":1.4142135623730951},"41":{"tf":1.4142135623730951}}},"4":{".":{"0":{"/":{"3":{".":{"0":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"38":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"5":{".":{"0":{"df":1,"docs":{"38":{"tf":1.0}}},"df":0,"docs":{}},"0":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"6":{"tf":1.0}}},"df":2,"docs":{"1":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951}}},"6":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"7":{".":{"0":{"df":1,"docs":{"42":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":6,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"33":{"tf":1.0},"34":{"tf":2.449489742783178},"6":{"tf":1.0}}},"7":{"5":{"4":{"df":1,"docs":{"34":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"8":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"9":{".":{"8":{"1":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"_":{">":{"(":{"&":{"df":0,"docs":{},"t":{"a":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"u":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":1,"docs":{"35":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":2,"docs":{"34":{"tf":1.4142135623730951},"6":{"tf":1.0}},"p":{"df":7,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.4142135623730951},"21":{"tf":2.0},"34":{"tf":1.4142135623730951}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"n":{"df":4,"docs":{"18":{"tf":1.0},"33":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":1.4142135623730951}}}}}},"t":{"df":17,"docs":{"13":{"tf":1.7320508075688772},"15":{"tf":2.0},"17":{"tf":2.0},"18":{"tf":2.0},"2":{"tf":1.0},"20":{"tf":2.23606797749979},"21":{"tf":3.1622776601683795},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.23606797749979},"31":{"tf":2.23606797749979},"34":{"tf":2.449489742783178},"35":{"tf":1.7320508075688772},"36":{"tf":1.7320508075688772},"38":{"tf":2.449489742783178},"39":{"tf":3.0}}},"v":{"df":2,"docs":{"20":{"tf":1.0},"21":{"tf":1.4142135623730951}}}},"a":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"v":{"df":12,"docs":{"1":{"tf":1.0},"12":{"tf":1.7320508075688772},"13":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"3":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"2":{"tf":2.0}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"13":{"tf":1.4142135623730951},"42":{"tf":1.0}}}}},"r":{"b":{"df":1,"docs":{"0":{"tf":1.0}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}},"c":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"3":{"tf":1.0},"7":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"s":{"df":3,"docs":{"29":{"tf":1.0},"36":{"tf":1.0},"42":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"r":{"d":{"df":2,"docs":{"7":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"7":{"tf":1.0}}}}}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"0":{"tf":1.0}}}}}}},"df":0,"docs":{},"t":{"df":2,"docs":{"4":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"16":{"tf":1.0}}}}}}},"d":{"d":{"df":2,"docs":{"15":{"tf":1.0},"17":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":4,"docs":{"11":{"tf":1.0},"15":{"tf":1.7320508075688772},"42":{"tf":1.0},"8":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"23":{"tf":1.0}}}}}}}},"df":1,"docs":{"17":{"tf":1.0}},"j":{"df":0,"docs":{},"o":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"38":{"tf":1.0}}}}}}},"m":{"df":1,"docs":{"6":{"tf":1.4142135623730951}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.0}},"r":{"df":1,"docs":{"5":{"tf":1.0}}}}}}}}},"v":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"44":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"42":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"g":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":4,"docs":{"15":{"tf":1.0},"20":{"tf":1.0},"44":{"tf":1.0},"7":{"tf":1.0}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"40":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"r":{"a":{"df":6,"docs":{"0":{"tf":1.4142135623730951},"15":{"tf":1.0},"36":{"tf":1.4142135623730951},"41":{"tf":1.4142135623730951},"8":{"tf":2.8284271247461903},"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":5,"docs":{"2":{"tf":1.0},"42":{"tf":1.0},"5":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"5":{"tf":1.0}},"g":{"df":2,"docs":{"41":{"tf":2.23606797749979},"8":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"e":{"a":{"d":{"df":0,"docs":{},"i":{"df":3,"docs":{"10":{"tf":1.0},"29":{"tf":1.4142135623730951},"36":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"w":{"a":{"df":0,"docs":{},"y":{"df":1,"docs":{"3":{"tf":1.0}}}},"df":0,"docs":{}}},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"29":{"tf":1.0}}}}}}},"n":{"d":{"/":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{},"g":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}}}},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":2,"docs":{"10":{"tf":1.0},"3":{"tf":1.0}}}}}},"p":{"df":0,"docs":{},"i":{"df":28,"docs":{"0":{"tf":1.0},"10":{"tf":2.449489742783178},"11":{"tf":1.0},"12":{"tf":3.3166247903554},"13":{"tf":1.0},"14":{"tf":1.0},"15":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"19":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.0},"22":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0},"25":{"tf":1.0},"26":{"tf":1.0},"27":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.0}}},"p":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"3":{"tf":1.0}}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"19":{"tf":1.0}}},"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"r":{"df":0,"docs":{},"o":{"a":{"c":{"df":0,"docs":{},"h":{"df":1,"docs":{"5":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"23":{"tf":1.4142135623730951}}}}}}}}},"r":{"df":0,"docs":{},"g":{"df":0,"docs":{},"u":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"17":{"tf":1.0}}}}}}}},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"8":{"tf":1.0}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"d":{"df":3,"docs":{"10":{"tf":1.0},"13":{"tf":1.0},"34":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"a":{"df":0,"docs":{},"y":{"df":2,"docs":{"42":{"tf":1.0},"45":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"36":{"tf":1.4142135623730951}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":1,"docs":{"36":{"tf":1.0}}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}}},"o":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"m":{"df":3,"docs":{"1":{"tf":1.0},"2":{"tf":1.0},"29":{"tf":1.0}},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}}}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"(":{"[":{"1":{"df":4,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"34":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"13":{"tf":1.0}}}},"t":{"a":{"c":{"df":0,"docs":{},"h":{"df":1,"docs":{"4":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}}}}}}},"v":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":1,"docs":{"35":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}},"w":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"x":{"df":0,"docs":{},"i":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"43":{"tf":1.4142135623730951}}}}},"b":{"a":{"c":{"df":0,"docs":{},"k":{"df":1,"docs":{"39":{"tf":1.0}},"e":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"12":{"tf":1.4142135623730951},"33":{"tf":2.23606797749979}}},"df":0,"docs":{}}},"w":{"a":{"df":0,"docs":{},"r":{"d":{"df":1,"docs":{"35":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"7":{"tf":1.0}}}}}}},"df":3,"docs":{"0":{"tf":1.4142135623730951},"5":{"tf":1.7320508075688772},"7":{"tf":4.898979485566356}}}},"n":{"d":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"e":{"df":6,"docs":{"0":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0},"36":{"tf":1.4142135623730951},"39":{"tf":1.0},"6":{"tf":1.0}}},"i":{"c":{"df":1,"docs":{"0":{"tf":1.0}}},"df":1,"docs":{"6":{"tf":1.0}}}}},"d":{"df":0,"docs":{},"f":{"df":4,"docs":{"35":{"tf":1.0},"36":{"tf":1.0},"44":{"tf":2.0},"45":{"tf":2.0}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"_":{"df":0,"docs":{},"w":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"35":{"tf":1.0},"36":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":2,"docs":{"35":{"tf":1.0},"36":{"tf":1.0}}}}},"df":0,"docs":{}}}}},"df":1,"docs":{"2":{"tf":3.0}},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":1,"docs":{"39":{"tf":1.0}}}}},"df":1,"docs":{"0":{"tf":1.0}},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":4,"docs":{"0":{"tf":1.0},"35":{"tf":1.4142135623730951},"7":{"tf":1.0},"8":{"tf":1.0}}}}},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"40":{"tf":1.0}},"{":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":5,"docs":{"1":{"tf":1.0},"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}}}}},"b":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":8,"docs":{"1":{"tf":2.0},"15":{"tf":2.0},"2":{"tf":2.449489742783178},"20":{"tf":1.0},"3":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"9":{"tf":2.23606797749979}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"h":{"a":{"df":0,"docs":{},"v":{"df":1,"docs":{"2":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":2,"docs":{"0":{"tf":1.0},"2":{"tf":1.0}}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"12":{"tf":1.0},"33":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":3,"docs":{"13":{"tf":1.0},"31":{"tf":1.0},"6":{"tf":1.0}}}}},"n":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":6,"docs":{"40":{"tf":1.7320508075688772},"41":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"12":{"tf":1.0}}}},"t":{"a":{"df":4,"docs":{"15":{"tf":2.8284271247461903},"26":{"tf":1.4142135623730951},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":5,"docs":{"2":{"tf":1.0},"42":{"tf":1.4142135623730951},"45":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.4142135623730951}}}}}}},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"39":{"tf":1.0}}},"df":0,"docs":{}}}}},"i":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}},"i":{"df":1,"docs":{"0":{"tf":1.0}}}}}}}},"o":{"d":{"df":0,"docs":{},"i":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":2.23606797749979}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":1,"docs":{"6":{"tf":1.0}}}},"o":{"df":0,"docs":{},"k":{"df":2,"docs":{"10":{"tf":1.0},"32":{"tf":1.0}}}},"t":{"df":0,"docs":{},"h":{"df":6,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0},"35":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.0},"8":{"tf":1.0}}}},"u":{"df":0,"docs":{},"n":{"c":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.4142135623730951},"7":{"tf":3.1622776601683795}}},"d":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"41":{"tf":1.0}}}}},"df":2,"docs":{"42":{"tf":1.0},"45":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"k":{"df":4,"docs":{"18":{"tf":1.0},"39":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{"(":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":4,"docs":{"2":{"tf":1.0},"33":{"tf":1.0},"4":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"m":{"df":0,"docs":{},"y":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":1,"docs":{"31":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}}},"df":2,"docs":{"23":{"tf":1.0},"33":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}},"df":11,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"15":{"tf":1.0}}}}},"df":0,"docs":{}}},"t":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"35":{"tf":1.0}}}}}},"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"31":{"tf":1.0}}}}}}},"y":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"36":{"tf":1.0}}}}},"df":0,"docs":{}}}},"c":{"/":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}},"_":{"1":{"df":1,"docs":{"1":{"tf":2.23606797749979}}},"2":{"df":1,"docs":{"1":{"tf":2.23606797749979}}},"df":0,"docs":{}},"a":{"df":0,"docs":{},"l":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":4,"docs":{"11":{"tf":1.0},"34":{"tf":1.0},"42":{"tf":1.4142135623730951},"44":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":4,"docs":{"24":{"tf":1.0},"25":{"tf":1.0},"30":{"tf":2.0},"31":{"tf":2.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":11,"docs":{"1":{"tf":1.0},"10":{"tf":1.0},"13":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"20":{"tf":1.7320508075688772},"29":{"tf":1.0},"32":{"tf":1.0},"34":{"tf":1.0},"42":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.4142135623730951}}}},"p":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"8":{"tf":1.0}}}},"c":{"df":1,"docs":{"13":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":2.23606797749979}}}}}}},"df":0,"docs":{}},"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}},"r":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"13":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"e":{"df":9,"docs":{"14":{"tf":1.0},"2":{"tf":1.0},"22":{"tf":1.0},"23":{"tf":1.7320508075688772},"26":{"tf":1.0},"34":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.7320508075688772},"45":{"tf":1.0}}}},"u":{"df":0,"docs":{},"s":{"df":1,"docs":{"44":{"tf":1.0}}}}},"df":6,"docs":{"1":{"tf":1.7320508075688772},"2":{"tf":3.0},"4":{"tf":1.7320508075688772},"43":{"tf":1.0},"45":{"tf":1.0},"9":{"tf":2.0}},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":1,"docs":{"1":{"tf":2.8284271247461903}}}},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}},"r":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":2.8284271247461903}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"16":{"tf":1.0}}}}},"df":0,"docs":{}}}},"g":{">":{":":{":":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"33":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":6,"docs":{"2":{"tf":1.4142135623730951},"33":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"h":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":7,"docs":{"0":{"tf":1.0},"1":{"tf":1.7320508075688772},"2":{"tf":2.0},"42":{"tf":1.0},"5":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.0}}}},"p":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"40":{"tf":1.0}}}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"k":{"df":2,"docs":{"42":{"tf":1.0},"45":{"tf":1.0}}}},"df":0,"docs":{},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"0":{"tf":1.0}}}}}}}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":5,"docs":{"34":{"tf":1.0},"35":{"tf":1.7320508075688772},"36":{"tf":1.0},"41":{"tf":1.0},"9":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":2,"docs":{"36":{"tf":1.0},"39":{"tf":1.0}}}}}}},"i":{"df":0,"docs":{},"r":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.0}}}}}}},"df":3,"docs":{"0":{"tf":1.7320508075688772},"8":{"tf":1.0},"9":{"tf":2.8284271247461903}}}}}},"df":0,"docs":{}}},"l":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"11":{"tf":1.0}},"i":{"c":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":1,"docs":{"6":{"tf":2.449489742783178}},"e":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"6":{"tf":1.7320508075688772}},"e":{"/":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"df":0,"docs":{}},"i":{"c":{"df":0,"docs":{},"k":{"df":1,"docs":{"31":{"tf":1.0}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"44":{"tf":1.4142135623730951}}},"u":{"df":0,"docs":{},"r":{"df":4,"docs":{"12":{"tf":1.0},"13":{"tf":1.0},"2":{"tf":1.0},"45":{"tf":2.0}}}}}}},"o":{"d":{"df":0,"docs":{},"e":{"df":12,"docs":{"12":{"tf":1.0},"13":{"tf":1.0},"17":{"tf":1.0},"2":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":1.4142135623730951},"36":{"tf":1.0},"4":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":2,"docs":{"4":{"tf":1.0},"7":{"tf":2.0}}}},"df":0,"docs":{}}}}},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"5":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"m":{"df":0,"docs":{},"n":{"df":2,"docs":{"13":{"tf":1.0},"34":{"tf":1.0}}}}}},"m":{"b":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":3,"docs":{"1":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0}}}}},"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{":":{":":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":3,"docs":{"0":{"tf":1.4142135623730951},"16":{"tf":1.0},"26":{"tf":1.0}}}}},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"45":{"tf":1.0}}}},"df":2,"docs":{"40":{"tf":1.4142135623730951},"45":{"tf":1.0}},"t":{"df":1,"docs":{"6":{"tf":3.872983346207417}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772}}}}}}}},"t":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":4,"docs":{"33":{"tf":1.4142135623730951},"42":{"tf":1.0},"43":{"tf":1.4142135623730951},"45":{"tf":1.0}}}},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":3,"docs":{"12":{"tf":1.0},"24":{"tf":1.0},"8":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"13":{"tf":1.0},"34":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"19":{"tf":1.0},"20":{"tf":1.4142135623730951},"24":{"tf":1.0}}}}}},"n":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":2,"docs":{"1":{"tf":2.23606797749979},"6":{"tf":1.7320508075688772}}}}}}},"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":12,"docs":{"0":{"tf":1.0},"1":{"tf":1.4142135623730951},"16":{"tf":1.0},"2":{"tf":1.7320508075688772},"25":{"tf":1.4142135623730951},"29":{"tf":1.0},"36":{"tf":1.0},"41":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"6":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"v":{"df":1,"docs":{"8":{"tf":1.0}}}}},"i":{"d":{"df":4,"docs":{"2":{"tf":1.0},"34":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":4,"docs":{"32":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}}}},"t":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":6,"docs":{"1":{"tf":1.0},"20":{"tf":1.0},"23":{"tf":1.0},"25":{"tf":1.7320508075688772},"4":{"tf":1.0},"44":{"tf":1.0}},"o":{"df":0,"docs":{},"p":{"df":6,"docs":{"23":{"tf":1.0},"25":{"tf":1.7320508075688772},"29":{"tf":1.4142135623730951},"30":{"tf":1.7320508075688772},"31":{"tf":2.0},"34":{"tf":1.0}}}}}}},"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"32":{"tf":1.0}},"t":{"df":2,"docs":{"36":{"tf":1.4142135623730951},"8":{"tf":1.0}}}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":5,"docs":{"18":{"tf":1.0},"29":{"tf":1.0},"34":{"tf":1.0},"39":{"tf":1.0},"41":{"tf":2.0}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"t":{"df":1,"docs":{"33":{"tf":1.4142135623730951}}}}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"u":{"df":6,"docs":{"0":{"tf":1.0},"18":{"tf":1.0},"39":{"tf":1.4142135623730951},"5":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":3,"docs":{"19":{"tf":1.0},"34":{"tf":1.0},"5":{"tf":1.0}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":1,"docs":{"22":{"tf":1.0}}}},"r":{"df":0,"docs":{},"g":{"df":3,"docs":{"18":{"tf":1.0},"39":{"tf":1.4142135623730951},"5":{"tf":1.0}}},"t":{"df":2,"docs":{"0":{"tf":1.0},"4":{"tf":1.0}}}}}}},"r":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"29":{"tf":1.0}}},"df":0,"docs":{}}}}}}}},"u":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":1,"docs":{"1":{"tf":1.0}}}},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"29":{"tf":1.0}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"r":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"t":{"df":1,"docs":{"12":{"tf":1.0}},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":6,"docs":{"2":{"tf":2.0},"33":{"tf":2.23606797749979},"4":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"7":{"tf":1.4142135623730951},"9":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}}}}}}},"t":{"df":0,"docs":{},"e":{"df":5,"docs":{"0":{"tf":1.0},"13":{"tf":1.0},"2":{"tf":1.0},"35":{"tf":1.7320508075688772},"6":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":9,"docs":{"13":{"tf":2.0},"20":{"tf":1.0},"23":{"tf":1.4142135623730951},"29":{"tf":1.0},"31":{"tf":1.7320508075688772},"33":{"tf":1.7320508075688772},"34":{"tf":1.0},"35":{"tf":3.1622776601683795},"36":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":8,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"21":{"tf":1.0},"36":{"tf":1.7320508075688772},"39":{"tf":1.0},"5":{"tf":1.4142135623730951},"8":{"tf":1.4142135623730951},"9":{"tf":2.6457513110645907}}}}}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":12,"docs":{"12":{"tf":1.0},"22":{"tf":2.0},"23":{"tf":1.4142135623730951},"24":{"tf":2.0},"25":{"tf":1.0},"26":{"tf":1.4142135623730951},"27":{"tf":1.4142135623730951},"28":{"tf":1.0},"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951}}}}}}},"v":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"/":{"c":{"df":0,"docs":{},"v":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"s":{"_":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"c":{"df":0,"docs":{},"k":{"_":{"df":0,"docs":{},"k":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{".":{"c":{"df":1,"docs":{"41":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":3,"docs":{"41":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"d":{"a":{"df":0,"docs":{},"e":{"df":6,"docs":{"0":{"tf":2.23606797749979},"14":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.0},"8":{"tf":3.605551275463989},"9":{"tf":1.0}}},"m":{"df":0,"docs":{},"p":{"df":2,"docs":{"0":{"tf":1.0},"4":{"tf":2.0}}}},"t":{"a":{"df":5,"docs":{"0":{"tf":1.0},"12":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.0},"29":{"tf":2.0}}},"df":0,"docs":{}}},"df":1,"docs":{"2":{"tf":3.0}},"e":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":1,"docs":{"2":{"tf":1.7320508075688772}}}}},"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"35":{"tf":1.7320508075688772}}}}}}}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"44":{"tf":1.0}}}},"df":0,"docs":{}}}},"d":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"10":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"a":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":2,"docs":{"13":{"tf":1.0},"33":{"tf":1.0}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":6,"docs":{"1":{"tf":1.7320508075688772},"24":{"tf":1.0},"29":{"tf":1.4142135623730951},"35":{"tf":2.0},"42":{"tf":2.0},"6":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":2.23606797749979}}},"y":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{}}}}}},"t":{"a":{"df":1,"docs":{"5":{"tf":1.0}}},"df":0,"docs":{}}},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":3,"docs":{"24":{"tf":1.0},"45":{"tf":1.0},"9":{"tf":1.0}}}}}}}},"n":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}},"s":{"df":5,"docs":{"13":{"tf":1.4142135623730951},"32":{"tf":1.0},"41":{"tf":1.7320508075688772},"42":{"tf":1.0},"44":{"tf":1.0}}}},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"d":{"df":6,"docs":{"1":{"tf":1.0},"14":{"tf":1.0},"2":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.0},"6":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":7,"docs":{"0":{"tf":1.0},"1":{"tf":1.4142135623730951},"19":{"tf":1.0},"20":{"tf":1.4142135623730951},"3":{"tf":2.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}},"s":{"c":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"b":{"df":9,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0},"3":{"tf":1.0},"34":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":1.0},"8":{"tf":2.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":3,"docs":{"0":{"tf":1.0},"32":{"tf":1.0},"5":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"y":{"df":1,"docs":{"29":{"tf":1.0}}}}}}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":4,"docs":{"32":{"tf":1.0},"34":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":5,"docs":{"0":{"tf":1.0},"18":{"tf":1.7320508075688772},"34":{"tf":1.7320508075688772},"5":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"34":{"tf":1.0}}}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":1,"docs":{"40":{"tf":1.0}}}}}}}},"i":{"_":{"df":0,"docs":{},"l":{"/":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"a":{"df":0,"docs":{},"g":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":4,"docs":{"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"8":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"c":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"n":{"'":{"df":0,"docs":{},"t":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":10,"docs":{"1":{"tf":1.0},"2":{"tf":2.0},"34":{"tf":1.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"42":{"tf":2.0},"44":{"tf":1.7320508075688772},"45":{"tf":1.4142135623730951},"5":{"tf":1.0},"8":{"tf":1.0}},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":6,"docs":{"0":{"tf":1.7320508075688772},"1":{"tf":1.0},"32":{"tf":1.0},"41":{"tf":1.0},"8":{"tf":2.449489742783178},"9":{"tf":1.4142135623730951}}}}}}}},"i":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":1,"docs":{"5":{"tf":1.0}}}}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"l":{":":{":":{"<":{"df":0,"docs":{},"m":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"33":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":12,"docs":{"10":{"tf":1.0},"12":{"tf":2.23606797749979},"2":{"tf":1.7320508075688772},"32":{"tf":2.8284271247461903},"33":{"tf":3.1622776601683795},"4":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":3.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"o":{"df":0,"docs":{},"l":{"'":{"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":1.0}}},":":{":":{"b":{"d":{"df":0,"docs":{},"f":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"f":{"a":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":1,"docs":{"35":{"tf":1.0}}}},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":1,"docs":{"35":{"tf":1.0}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"n":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"33":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":1,"docs":{"35":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"o":{"d":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"df":12,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"31":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{},"p":{"df":1,"docs":{"24":{"tf":1.4142135623730951}}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":1,"docs":{"35":{"tf":1.0}}}}}},"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":2,"docs":{"13":{"tf":1.4142135623730951},"34":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"{":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"s":{"df":0,"docs":{},"l":{"df":1,"docs":{"33":{"tf":1.4142135623730951}}}}}}}},"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"df":1,"docs":{"33":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":1,"docs":{"34":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"d":{"df":4,"docs":{"18":{"tf":1.0},"21":{"tf":1.4142135623730951},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}}}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"35":{"tf":1.0},"36":{"tf":1.0}}}}}}}}}}}},"df":0,"docs":{},"p":{"df":4,"docs":{"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":41,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":1.4142135623730951},"10":{"tf":2.23606797749979},"11":{"tf":1.4142135623730951},"12":{"tf":2.0},"13":{"tf":1.0},"14":{"tf":1.4142135623730951},"15":{"tf":1.7320508075688772},"16":{"tf":1.0},"17":{"tf":1.4142135623730951},"18":{"tf":1.0},"19":{"tf":1.0},"2":{"tf":1.7320508075688772},"20":{"tf":1.0},"21":{"tf":1.0},"22":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"27":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"3":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":2.0},"33":{"tf":1.4142135623730951},"34":{"tf":2.23606797749979},"38":{"tf":1.0},"4":{"tf":1.4142135623730951},"40":{"tf":1.0},"41":{"tf":2.0},"42":{"tf":3.0},"43":{"tf":1.0},"44":{"tf":2.449489742783178},"5":{"tf":2.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"8":{"tf":1.7320508075688772},"9":{"tf":1.4142135623730951}}}}},"u":{"df":0,"docs":{},"s":{"df":3,"docs":{"41":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0}}}}}},"l":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":1,"docs":{"41":{"tf":1.4142135623730951}}}}}},"r":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"4":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"35":{"tf":1.4142135623730951},"44":{"tf":1.0}}}}}},"df":0,"docs":{}}},"s":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"u":{"df":1,"docs":{"5":{"tf":1.4142135623730951}}}}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"44":{"tf":1.0}}},"t":{"df":4,"docs":{"0":{"tf":2.23606797749979},"5":{"tf":3.4641016151377544},"6":{"tf":1.0},"7":{"tf":1.4142135623730951}},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"14":{"tf":1.0}}}}}}},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"19":{"tf":1.0},"44":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"1":{"tf":1.0}}}},"df":0,"docs":{}},"h":{"df":1,"docs":{"1":{"tf":1.7320508075688772}}},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":1,"docs":{"4":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}}}},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":3,"docs":{"12":{"tf":1.0},"2":{"tf":1.0},"32":{"tf":1.0}}}}},"df":0,"docs":{}},"n":{"'":{"df":0,"docs":{},"t":{"df":1,"docs":{"36":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":4,"docs":{"13":{"tf":1.0},"17":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"6":{"tf":3.605551275463989}},"s":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"k":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"(":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"[":{"0":{"]":{".":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"w":{"df":0,"docs":{},"n":{"df":3,"docs":{"1":{"tf":1.4142135623730951},"45":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"o":{"df":0,"docs":{},"p":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}}},"u":{"df":0,"docs":{},"g":{"df":3,"docs":{"0":{"tf":1.7320508075688772},"5":{"tf":1.7320508075688772},"6":{"tf":4.242640687119285}}}}},"s":{"df":0,"docs":{},"l":{"df":3,"docs":{"10":{"tf":1.4142135623730951},"12":{"tf":1.0},"32":{"tf":1.0}}}},"u":{"d":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"e":{"df":5,"docs":{"3":{"tf":1.0},"34":{"tf":1.0},"44":{"tf":2.0},"45":{"tf":1.0},"7":{"tf":1.0}}},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":2,"docs":{"34":{"tf":1.0},"41":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"e":{"df":3,"docs":{"18":{"tf":1.7320508075688772},"29":{"tf":1.0},"5":{"tf":1.0}}}}},"v":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"1":{"df":9,"docs":{"13":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":2,"docs":{"13":{"tf":1.0},"15":{"tf":1.0}}}}}},"df":0,"docs":{}}},"y":{"/":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":4,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"2":{"tf":2.449489742783178},"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{".":{"df":0,"docs":{},"g":{"df":1,"docs":{"29":{"tf":1.0}}}},"a":{"c":{"df":0,"docs":{},"h":{"df":16,"docs":{"13":{"tf":1.0},"2":{"tf":1.4142135623730951},"21":{"tf":1.0},"23":{"tf":1.7320508075688772},"34":{"tf":1.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.7320508075688772},"37":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.0},"43":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"8":{"tf":1.0}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"10":{"tf":1.0},"35":{"tf":1.0}}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"12":{"tf":1.0},"38":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"10":{"tf":1.0},"45":{"tf":1.0}}}}}}},"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"y":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}}}}}},"df":3,"docs":{"18":{"tf":1.0},"39":{"tf":1.0},"7":{"tf":2.23606797749979}},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.0},"6":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"df":0,"docs":{}},"i":{"c":{"a":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"i":{"df":3,"docs":{"33":{"tf":1.0},"34":{"tf":1.0},"39":{"tf":1.0}}}},"df":0,"docs":{}}}},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":3,"docs":{"0":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.7320508075688772}}}}},"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":2,"docs":{"21":{"tf":1.4142135623730951},"34":{"tf":2.23606797749979}}}}}}}},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"24":{"tf":1.0}}}}}},"n":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"{":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":5,"docs":{"1":{"tf":1.0},"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}}}}},"b":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":8,"docs":{"1":{"tf":2.0},"15":{"tf":2.0},"2":{"tf":2.449489742783178},"20":{"tf":1.0},"3":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"9":{"tf":2.23606797749979}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":3,"docs":{"29":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":4,"docs":{"27":{"tf":1.0},"28":{"tf":1.0},"30":{"tf":1.0},"42":{"tf":1.0}}}},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"8":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"m":{"df":2,"docs":{"18":{"tf":1.0},"39":{"tf":1.0}}}}},"q":{"df":0,"docs":{},"n":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"33":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"u":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"16":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}},"t":{"df":24,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":2.449489742783178},"11":{"tf":1.7320508075688772},"13":{"tf":2.23606797749979},"15":{"tf":1.4142135623730951},"16":{"tf":1.0},"2":{"tf":2.23606797749979},"20":{"tf":2.23606797749979},"23":{"tf":1.0},"24":{"tf":1.0},"27":{"tf":1.4142135623730951},"28":{"tf":1.0},"3":{"tf":1.4142135623730951},"30":{"tf":1.0},"32":{"tf":1.4142135623730951},"34":{"tf":2.0},"36":{"tf":1.0},"38":{"tf":1.0},"4":{"tf":1.0},"41":{"tf":2.23606797749979},"45":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"8":{"tf":4.0},"9":{"tf":2.6457513110645907}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{}}}}},"r":{"df":0,"docs":{},"r":{"(":{"_":{"df":2,"docs":{"39":{"tf":1.0},"7":{"tf":1.0}}},"df":2,"docs":{"18":{"tf":1.0},"39":{"tf":1.0}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":3,"docs":{"39":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0}}}}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"3":{"4":{"df":1,"docs":{"35":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"35":{"tf":1.0}}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"19":{"tf":1.0}}}}}},"t":{"c":{"df":1,"docs":{"43":{"tf":1.0}}},"df":0,"docs":{}},"v":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":3,"docs":{"12":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":4,"docs":{"0":{"tf":2.6457513110645907},"5":{"tf":3.872983346207417},"6":{"tf":1.0},"7":{"tf":2.6457513110645907}}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.0},"5":{"tf":1.0},"9":{"tf":1.0}}}}}}},"x":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":22,"docs":{"0":{"tf":3.3166247903554},"1":{"tf":1.7320508075688772},"10":{"tf":1.0},"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"2":{"tf":2.0},"20":{"tf":1.0},"29":{"tf":1.4142135623730951},"3":{"tf":1.7320508075688772},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.0},"4":{"tf":1.7320508075688772},"41":{"tf":2.449489742783178},"42":{"tf":2.0},"45":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":2.449489742783178},"7":{"tf":2.0},"8":{"tf":1.4142135623730951},"9":{"tf":1.7320508075688772}}}}}},"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"43":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"33":{"tf":1.0}}}}},"df":0,"docs":{}},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"44":{"tf":1.0}}}},"df":0,"docs":{}},"l":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"0":{"tf":1.0},"10":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":3,"docs":{"1":{"tf":2.6457513110645907},"2":{"tf":1.0},"8":{"tf":2.449489742783178}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"13":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}}}}}}}}},"f":{"'":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"i":{"df":3,"docs":{"13":{"tf":1.7320508075688772},"24":{"tf":1.0},"34":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"i":{"df":2,"docs":{"13":{"tf":1.7320508075688772},"24":{"tf":1.0}}},"t":{"df":3,"docs":{"11":{"tf":1.4142135623730951},"14":{"tf":1.0},"15":{"tf":1.0}}}},"6":{"4":{"df":6,"docs":{"24":{"tf":1.7320508075688772},"25":{"tf":1.0},"26":{"tf":1.0},"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"a":{"c":{"df":0,"docs":{},"e":{"df":1,"docs":{"10":{"tf":1.0}}},"t":{"df":3,"docs":{"34":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0}},"o":{"df":0,"docs":{},"r":{"df":2,"docs":{"42":{"tf":1.0},"44":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{},"l":{"<":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"t":{"df":2,"docs":{"13":{"tf":1.0},"34":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":3,"docs":{"13":{"tf":1.0},"35":{"tf":1.4142135623730951},"41":{"tf":1.7320508075688772}}}},"i":{"df":0,"docs":{},"l":{"df":4,"docs":{"18":{"tf":1.0},"34":{"tf":1.0},"39":{"tf":1.7320508075688772},"5":{"tf":1.0}}}},"l":{"df":0,"docs":{},"l":{"df":1,"docs":{"7":{"tf":1.0}}}},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"24":{"tf":1.0}}}},"df":0,"docs":{}}}},"r":{"df":3,"docs":{"27":{"tf":1.0},"3":{"tf":1.0},"32":{"tf":1.0}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":4,"docs":{"12":{"tf":1.0},"33":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0}}}}}}},"df":3,"docs":{"13":{"tf":1.0},"15":{"tf":1.7320508075688772},"33":{"tf":1.4142135623730951}},"e":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":5,"docs":{"12":{"tf":1.0},"2":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":1.4142135623730951},"7":{"tf":1.0}}}}}},"df":0,"docs":{},"w":{"df":2,"docs":{"38":{"tf":1.0},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"d":{"df":2,"docs":{"21":{"tf":1.0},"6":{"tf":1.0}}},"df":0,"docs":{}}},"g":{"df":1,"docs":{"6":{"tf":1.7320508075688772}},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"e":{"df":7,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"41":{"tf":2.0},"42":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"0":{"tf":1.0},"9":{"tf":1.7320508075688772}}}}}},"n":{"a":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"7":{"tf":1.0}}}}}},"df":4,"docs":{"23":{"tf":1.0},"38":{"tf":1.0},"42":{"tf":1.0},"7":{"tf":1.0}}}},"d":{"df":7,"docs":{"1":{"tf":1.0},"11":{"tf":1.0},"16":{"tf":2.23606797749979},"17":{"tf":2.449489742783178},"18":{"tf":1.0},"39":{"tf":1.0},"5":{"tf":1.0}}},"df":0,"docs":{},"e":{"df":1,"docs":{"32":{"tf":1.0}}},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"42":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":8,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":3.4641016151377544},"2":{"tf":2.23606797749979},"24":{"tf":1.0},"3":{"tf":2.23606797749979},"4":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":1.4142135623730951}}}}},"t":{"df":1,"docs":{"12":{"tf":1.0}}}},"l":{"a":{"df":0,"docs":{},"g":{"df":2,"docs":{"12":{"tf":1.0},"33":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"b":{"df":0,"docs":{},"l":{"df":3,"docs":{"10":{"tf":1.0},"12":{"tf":1.0},"5":{"tf":1.0}}}},"df":0,"docs":{}}}},"o":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.0}}}},"df":0,"docs":{},"w":{"df":3,"docs":{"34":{"tf":1.0},"8":{"tf":1.4142135623730951},"9":{"tf":1.7320508075688772}}}}},"n":{"df":23,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"24":{"tf":3.605551275463989},"25":{"tf":2.23606797749979},"26":{"tf":2.449489742783178},"29":{"tf":1.0},"30":{"tf":5.5677643628300215},"31":{"tf":5.5677643628300215},"33":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"o":{"c":{"df":0,"docs":{},"u":{"df":3,"docs":{"32":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0}},"s":{"df":2,"docs":{"27":{"tf":1.0},"40":{"tf":1.0}}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":8,"docs":{"13":{"tf":1.0},"17":{"tf":1.0},"38":{"tf":1.0},"4":{"tf":1.0},"43":{"tf":1.0},"6":{"tf":1.4142135623730951},"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"o":{"d":{"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"b":{"df":4,"docs":{"41":{"tf":1.0},"42":{"tf":1.7320508075688772},"44":{"tf":1.4142135623730951},"45":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"f":{"df":1,"docs":{"34":{"tf":1.0}}}}}}}}},"r":{"c":{"df":2,"docs":{"4":{"tf":1.7320508075688772},"9":{"tf":1.0}}},"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.0}}}},"df":13,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":2.449489742783178},"11":{"tf":1.0},"14":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"3":{"tf":1.0},"33":{"tf":1.0},"41":{"tf":1.0},"6":{"tf":1.4142135623730951},"7":{"tf":1.0},"8":{"tf":2.449489742783178},"9":{"tf":1.0}},"u":{"df":0,"docs":{},"l":{"a":{"df":1,"docs":{"35":{"tf":1.0}}},"df":0,"docs":{}}}},"w":{"a":{"df":0,"docs":{},"r":{"d":{"df":6,"docs":{"1":{"tf":1.0},"19":{"tf":2.23606797749979},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"38":{"tf":1.0},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"18":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"a":{"c":{"df":0,"docs":{},"{":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"d":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"y":{"df":0,"docs":{},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":7,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0},"3":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"^":{"2":{"df":0,"docs":{},"x":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"^":{"2":{"df":3,"docs":{"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"c":{"_":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"2":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"i":{"_":{"df":0,"docs":{},"l":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"q":{"_":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"{":{"df":0,"docs":{},"p":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"v":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":4,"docs":{"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"x":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":4,"docs":{"2":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"4":{"tf":1.7320508075688772},"7":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"y":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"k":{"df":1,"docs":{"20":{"tf":1.0}}},"r":{"df":1,"docs":{"20":{"tf":1.0}}},"t":{"df":8,"docs":{"11":{"tf":1.0},"13":{"tf":1.0},"14":{"tf":1.0},"15":{"tf":1.4142135623730951},"17":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"24":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"i":{"_":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"c":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"k":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"q":{"_":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"v":{"_":{"c":{"df":1,"docs":{"6":{"tf":2.449489742783178}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"{":{"df":0,"docs":{},"p":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"v":{"_":{"df":0,"docs":{},"{":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":2.0}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"v":{"_":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"x":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"y":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}}}},"s":{":":{":":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{"\"":{".":{".":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"r":{"c":{"/":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"/":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"/":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"r":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}},"df":0,"docs":{}}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}},"s":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":3,"docs":{"15":{"tf":1.0},"31":{"tf":1.0},"6":{"tf":1.0}}}},"n":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":21,"docs":{"1":{"tf":1.4142135623730951},"11":{"tf":1.4142135623730951},"12":{"tf":2.0},"13":{"tf":1.7320508075688772},"15":{"tf":1.4142135623730951},"17":{"tf":2.8284271247461903},"22":{"tf":1.0},"23":{"tf":2.449489742783178},"24":{"tf":2.8284271247461903},"25":{"tf":2.0},"26":{"tf":1.7320508075688772},"29":{"tf":2.23606797749979},"34":{"tf":2.23606797749979},"38":{"tf":1.4142135623730951},"42":{"tf":3.0},"44":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":2.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}}}}}},"d":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"39":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"g":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"t":{"df":1,"docs":{"11":{"tf":1.7320508075688772}}}},"df":2,"docs":{"3":{"tf":2.0},"7":{"tf":2.449489742783178}},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"v":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":3,"docs":{"26":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":1,"docs":{"15":{"tf":1.0}}}},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":2,"docs":{"0":{"tf":1.0},"8":{"tf":1.0}}}}}},"df":12,"docs":{"1":{"tf":1.7320508075688772},"13":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.0},"32":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"42":{"tf":1.7320508075688772},"43":{"tf":1.0},"44":{"tf":1.4142135623730951},"8":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}},"t":{"df":1,"docs":{"29":{"tf":1.4142135623730951}}}},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":1,"docs":{"15":{"tf":1.0}},"n":{"df":4,"docs":{"1":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":2.0},"9":{"tf":1.7320508075688772}}}}}},"o":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"23":{"tf":1.0},"24":{"tf":1.0},"40":{"tf":1.0}}}},"df":2,"docs":{"24":{"tf":1.0},"25":{"tf":1.0}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}}},"r":{"a":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":4,"docs":{"13":{"tf":1.0},"20":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.0}}}}}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"h":{"df":1,"docs":{"43":{"tf":1.0}}}},"v":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":2,"docs":{"3":{"tf":1.4142135623730951},"7":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"d":{"df":1,"docs":{"41":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"d":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.0},"7":{"tf":2.8284271247461903}}},"df":0,"docs":{}}},"w":{"df":2,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0}},"t":{"df":0,"docs":{},"h":{"df":4,"docs":{"1":{"tf":1.4142135623730951},"13":{"tf":1.0},"2":{"tf":2.23606797749979},"20":{"tf":1.7320508075688772}}}}}}},"u":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}}}}}},"h":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}}},"n":{"d":{"df":8,"docs":{"11":{"tf":1.0},"15":{"tf":1.0},"20":{"tf":1.4142135623730951},"22":{"tf":1.0},"29":{"tf":1.4142135623730951},"4":{"tf":1.0},"42":{"tf":1.4142135623730951},"45":{"tf":1.0}},"l":{"df":4,"docs":{"0":{"tf":1.0},"14":{"tf":1.0},"5":{"tf":1.7320508075688772},"7":{"tf":1.0}}}},"df":0,"docs":{}},"v":{"df":0,"docs":{},"e":{"df":1,"docs":{"12":{"tf":1.0}}}}},"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":2.0}},"e":{"a":{"df":0,"docs":{},"t":{"2":{"d":{"df":3,"docs":{"41":{"tf":1.0},"42":{"tf":1.7320508075688772},"44":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":1,"docs":{"41":{"tf":1.0}}},"v":{"df":0,"docs":{},"i":{"df":1,"docs":{"42":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}}}}},"r":{"df":0,"docs":{},"e":{"df":3,"docs":{"0":{"tf":1.0},"17":{"tf":1.0},"6":{"tf":1.0}}}}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":3,"docs":{"38":{"tf":1.0},"45":{"tf":1.0},"9":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{"df":5,"docs":{"0":{"tf":2.0},"12":{"tf":1.0},"3":{"tf":2.6457513110645907},"32":{"tf":1.0},"4":{"tf":1.0}}},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"3":{"tf":1.0}}}}}}},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"31":{"tf":1.0}}}},"t":{"df":2,"docs":{"0":{"tf":1.0},"7":{"tf":2.449489742783178}}}},"o":{"df":0,"docs":{},"l":{"d":{"df":5,"docs":{"2":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.0},"36":{"tf":1.0},"5":{"tf":1.0}}},"df":0,"docs":{}},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"t":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"i":{".":{"df":5,"docs":{"13":{"tf":1.0},"20":{"tf":1.0},"34":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}},"_":{"c":{"df":1,"docs":{"9":{"tf":2.0}}},"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}},"r":{"df":1,"docs":{"9":{"tf":2.449489742783178}}}},"c":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}},"d":{"a":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"/":{"df":0,"docs":{},"i":{"d":{"a":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"b":{"_":{"b":{"df":0,"docs":{},"n":{"d":{".":{"c":{"df":1,"docs":{"41":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"h":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"2":{"d":{"_":{"df":0,"docs":{},"k":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{".":{"c":{"df":1,"docs":{"41":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"s":{"_":{"d":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{".":{"c":{"df":1,"docs":{"41":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":3,"docs":{"41":{"tf":1.7320508075688772},"42":{"tf":1.0},"44":{"tf":1.4142135623730951}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":4,"docs":{"11":{"tf":1.0},"14":{"tf":1.0},"42":{"tf":1.0},"8":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":1,"docs":{"34":{"tf":1.0}}}}},"l":{"df":1,"docs":{"9":{"tf":1.4142135623730951}},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":5,"docs":{"0":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.0},"24":{"tf":1.0},"34":{"tf":1.0}}}}}}}},"m":{"a":{"df":0,"docs":{},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"21":{"tf":1.0},"30":{"tf":1.0}}}}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"<":{"'":{"a":{"df":3,"docs":{"24":{"tf":1.4142135623730951},"30":{"tf":1.0},"31":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":5,"docs":{"24":{"tf":2.0},"25":{"tf":1.4142135623730951},"26":{"tf":1.7320508075688772},"30":{"tf":3.605551275463989},"31":{"tf":3.605551275463989}},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":19,"docs":{"12":{"tf":1.0},"23":{"tf":2.6457513110645907},"24":{"tf":2.23606797749979},"25":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.7320508075688772},"29":{"tf":3.1622776601683795},"30":{"tf":2.8284271247461903},"31":{"tf":2.449489742783178},"34":{"tf":1.0},"36":{"tf":1.0},"37":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":3.1622776601683795},"43":{"tf":1.7320508075688772},"44":{"tf":2.8284271247461903},"45":{"tf":2.6457513110645907},"7":{"tf":1.0}}}}}}},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"35":{"tf":1.0},"8":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"11":{"tf":1.4142135623730951},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":2,"docs":{"1":{"tf":1.0},"2":{"tf":1.0}}}},"s":{"df":1,"docs":{"41":{"tf":1.0}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"v":{"df":1,"docs":{"44":{"tf":1.7320508075688772}}}}}}},"n":{"a":{"c":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"5":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"c":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"d":{"df":8,"docs":{"0":{"tf":1.0},"14":{"tf":1.0},"20":{"tf":1.0},"26":{"tf":1.0},"31":{"tf":1.0},"43":{"tf":1.7320508075688772},"7":{"tf":1.0},"8":{"tf":2.0}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"36":{"tf":1.0}}},"df":0,"docs":{}}}},"x":{"df":4,"docs":{"34":{"tf":1.0},"42":{"tf":1.4142135623730951},"45":{"tf":1.0},"8":{"tf":1.0}}}},"i":{"c":{"df":2,"docs":{"39":{"tf":1.0},"4":{"tf":1.0}}},"df":0,"docs":{},"v":{"df":0,"docs":{},"i":{"d":{"df":0,"docs":{},"u":{"df":1,"docs":{"27":{"tf":1.0}}}},"df":0,"docs":{}}}},"u":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"1":{"tf":1.0}}}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"3":{"tf":1.0}}},"df":0,"docs":{}}}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":3,"docs":{"1":{"tf":1.0},"36":{"tf":1.0},"5":{"tf":1.4142135623730951}}}}}},"i":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{},"|":{"_":{"df":0,"docs":{},"p":{"df":7,"docs":{"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":2,"docs":{"20":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951}}}}}},"df":5,"docs":{"13":{"tf":1.4142135623730951},"23":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"34":{"tf":1.4142135623730951}},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":3,"docs":{"35":{"tf":1.4142135623730951},"36":{"tf":2.23606797749979},"39":{"tf":1.0}}}}}},"df":13,"docs":{"1":{"tf":1.4142135623730951},"11":{"tf":1.0},"13":{"tf":2.449489742783178},"2":{"tf":2.0},"20":{"tf":1.4142135623730951},"25":{"tf":1.4142135623730951},"29":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.7320508075688772},"38":{"tf":2.449489742783178},"6":{"tf":1.4142135623730951},"7":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"34":{"tf":1.0},"41":{"tf":1.7320508075688772},"6":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"33":{"tf":1.0}}},"n":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"a":{"d":{"df":5,"docs":{"0":{"tf":1.0},"15":{"tf":1.0},"34":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"g":{"df":0,"docs":{},"r":{"df":4,"docs":{"1":{"tf":1.0},"38":{"tf":1.0},"5":{"tf":2.0},"7":{"tf":1.0}}}},"r":{"a":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}}},"n":{"df":5,"docs":{"21":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":1.0},"5":{"tf":1.7320508075688772}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"21":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":1,"docs":{"39":{"tf":1.4142135623730951}}}}},"v":{"df":1,"docs":{"6":{"tf":1.0}}}}},"r":{"a":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"u":{"c":{"df":6,"docs":{"0":{"tf":1.0},"2":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}},"t":{"df":1,"docs":{"5":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}}}}},"v":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":5,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"3":{"tf":1.7320508075688772},"5":{"tf":1.0},"8":{"tf":1.0}}}}}}},"r":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":1,"docs":{"9":{"tf":2.449489742783178}}},"t":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"34":{"tf":1.0},"6":{"tf":1.0}}}}}}}},"j":{"_":{"df":0,"docs":{},"p":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}},"{":{"df":0,"docs":{},"y":{"_":{"0":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"a":{"c":{"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":1,"docs":{"24":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"n":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.0}}}}},"df":0,"docs":{}}}}}}}}},"df":8,"docs":{"13":{"tf":1.0},"15":{"tf":1.4142135623730951},"20":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.4142135623730951},"34":{"tf":3.7416573867739413},"42":{"tf":3.0},"44":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":2,"docs":{"20":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951}},"i":{"df":0,"docs":{},"t":{"df":3,"docs":{"33":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.0}}}}},"k":{"/":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}},"^":{"2":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{}},"_":{"1":{"df":1,"docs":{"1":{"tf":1.7320508075688772}}},"2":{"df":1,"docs":{"1":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":6,"docs":{"1":{"tf":1.4142135623730951},"13":{"tf":1.0},"20":{"tf":1.4142135623730951},"33":{"tf":2.449489742783178},"4":{"tf":1.7320508075688772},"6":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}},"r":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"'":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}},"l":{"df":0,"docs":{},"u":{"df":2,"docs":{"41":{"tf":2.23606797749979},"42":{"tf":1.0}}}},"n":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":2,"docs":{"1":{"tf":1.4142135623730951},"17":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"t":{"df":0,"docs":{},"t":{"a":{"df":1,"docs":{"35":{"tf":1.0}}},"df":0,"docs":{}}}}},"l":{"a":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"40":{"tf":1.0}}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"g":{"df":7,"docs":{"10":{"tf":1.0},"12":{"tf":1.4142135623730951},"2":{"tf":1.0},"32":{"tf":1.7320508075688772},"42":{"tf":1.0},"45":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"g":{"df":3,"docs":{"10":{"tf":1.0},"34":{"tf":1.0},"44":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"44":{"tf":1.7320508075688772},"45":{"tf":1.4142135623730951}}}}}},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"17":{"tf":1.0}}}},"w":{"df":2,"docs":{"8":{"tf":1.0},"9":{"tf":1.4142135623730951}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"40":{"tf":1.0}}},"df":0,"docs":{}}}}},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{":":{":":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":1,"docs":{"9":{"tf":2.0}},"e":{"a":{"d":{"df":1,"docs":{"14":{"tf":1.0}}},"df":0,"docs":{},"v":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"t":{"df":2,"docs":{"1":{"tf":1.0},"6":{"tf":2.0}}}},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"39":{"tf":1.0}}}},"t":{"'":{"df":2,"docs":{"2":{"tf":1.0},"6":{"tf":1.0}}},"df":8,"docs":{"1":{"tf":1.0},"2":{"tf":1.0},"21":{"tf":1.0},"30":{"tf":1.0},"34":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":5,"docs":{"12":{"tf":1.0},"32":{"tf":1.0},"38":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0}}}}}},"i":{"b":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":6,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.7320508075688772},"42":{"tf":1.4142135623730951},"44":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"29":{"tf":1.0}}}}}}},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":2,"docs":{"29":{"tf":1.0},"39":{"tf":1.0}}}}}}}}}}},"n":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":8,"docs":{"23":{"tf":1.4142135623730951},"24":{"tf":1.7320508075688772},"26":{"tf":1.7320508075688772},"35":{"tf":1.4142135623730951},"41":{"tf":2.449489742783178},"42":{"tf":1.7320508075688772},"44":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951}},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}},"o":{"df":0,"docs":{},"p":{"df":5,"docs":{"23":{"tf":1.0},"26":{"tf":1.7320508075688772},"29":{"tf":1.4142135623730951},"30":{"tf":1.7320508075688772},"31":{"tf":2.0}}}}}},"df":0,"docs":{}},"k":{"df":1,"docs":{"42":{"tf":1.0}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"40":{"tf":1.0}}}}}}}}},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"m":{"df":2,"docs":{"12":{"tf":1.4142135623730951},"33":{"tf":1.7320508075688772}},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"33":{"tf":1.0}}}}},"df":0,"docs":{}}}}}},"o":{"df":0,"docs":{},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":6,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"20":{"tf":1.7320508075688772},"24":{"tf":1.0},"34":{"tf":1.0}}}}}},"o":{"df":0,"docs":{},"k":{"df":4,"docs":{"1":{"tf":1.0},"3":{"tf":1.4142135623730951},"5":{"tf":1.0},"8":{"tf":1.0}}},"p":{"df":5,"docs":{"18":{"tf":1.0},"2":{"tf":1.0},"39":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"t":{"df":0,"docs":{},"k":{"a":{"df":1,"docs":{"2":{"tf":1.7320508075688772}}},"df":0,"docs":{}}},"w":{"df":2,"docs":{"0":{"tf":1.0},"9":{"tf":1.4142135623730951}}}},"r":{"c":{"df":2,"docs":{"0":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"s":{"df":12,"docs":{"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951},"33":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"u":{"df":2,"docs":{"35":{"tf":1.7320508075688772},"41":{"tf":1.0}}}},"m":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"v":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"p":{"df":1,"docs":{"15":{"tf":1.0}}},"t":{"df":3,"docs":{"11":{"tf":1.4142135623730951},"14":{"tf":1.0},"15":{"tf":1.4142135623730951}}}},":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"1":{"df":1,"docs":{"26":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"9":{"tf":1.0}}}},"a":{"d":{"df":0,"docs":{},"e":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":26,"docs":{"12":{"tf":1.0},"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"24":{"tf":1.7320508075688772},"25":{"tf":1.0},"26":{"tf":1.0},"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"33":{"tf":1.7320508075688772},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"42":{"tf":1.4142135623730951},"45":{"tf":1.0},"6":{"tf":1.4142135623730951},"7":{"tf":1.0},"9":{"tf":1.0}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"5":{"tf":1.0},"6":{"tf":1.0}}}}},"df":0,"docs":{}}}},"k":{"df":0,"docs":{},"e":{"df":5,"docs":{"0":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.0},"42":{"tf":1.0},"7":{"tf":1.0}}}},"n":{"df":0,"docs":{},"i":{"df":6,"docs":{"1":{"tf":1.0},"19":{"tf":1.0},"29":{"tf":1.0},"3":{"tf":1.0},"5":{"tf":1.4142135623730951},"8":{"tf":1.0}}},"u":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"34":{"tf":1.0},"35":{"tf":2.0},"36":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":15,"docs":{"0":{"tf":2.23606797749979},"11":{"tf":1.0},"14":{"tf":3.0},"15":{"tf":2.6457513110645907},"23":{"tf":1.0},"26":{"tf":2.23606797749979},"29":{"tf":1.0},"3":{"tf":2.449489742783178},"30":{"tf":1.0},"31":{"tf":1.0},"35":{"tf":1.0},"4":{"tf":3.7416573867739413},"42":{"tf":2.0},"8":{"tf":2.23606797749979},"9":{"tf":2.0}}}},"t":{"c":{"df":0,"docs":{},"h":{"df":5,"docs":{"18":{"tf":1.0},"39":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"f":{"df":1,"docs":{"8":{"tf":1.4142135623730951}},"}":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":7,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"7":{"tf":1.4142135623730951},"8":{"tf":2.0},"9":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"g":{"df":1,"docs":{"8":{"tf":1.0}},"}":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"8":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"i":{"df":9,"docs":{"1":{"tf":1.4142135623730951},"15":{"tf":1.7320508075688772},"2":{"tf":1.0},"3":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0},"9":{"tf":1.0}}},"m":{"df":1,"docs":{"8":{"tf":1.0}}},"p":{"df":1,"docs":{"15":{"tf":2.0}}},"v":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}},"y":{"df":0,"docs":{},"}":{"(":{"0":{"df":5,"docs":{"1":{"tf":1.0},"2":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":2,"docs":{"5":{"tf":1.0},"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"i":{"c":{"df":6,"docs":{"14":{"tf":1.0},"24":{"tf":1.0},"35":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.7320508075688772},"44":{"tf":1.0}}},"df":0,"docs":{},"x":{"df":13,"docs":{"0":{"tf":1.7320508075688772},"11":{"tf":1.4142135623730951},"13":{"tf":2.449489742783178},"14":{"tf":2.8284271247461903},"15":{"tf":2.6457513110645907},"26":{"tf":1.4142135623730951},"29":{"tf":1.0},"34":{"tf":3.872983346207417},"41":{"tf":2.449489742783178},"42":{"tf":2.6457513110645907},"44":{"tf":1.0},"8":{"tf":3.0},"9":{"tf":2.0}}}}}}},"df":24,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"24":{"tf":2.449489742783178},"25":{"tf":1.7320508075688772},"26":{"tf":2.0},"29":{"tf":1.0},"30":{"tf":3.605551275463989},"31":{"tf":3.605551275463989},"33":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":2.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0},"9":{"tf":2.449489742783178}},"e":{"d":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}},"df":0,"docs":{},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"44":{"tf":1.0}}}}}},"df":0,"docs":{},"t":{"a":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"0":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":2,"docs":{"16":{"tf":1.0},"5":{"tf":1.0}},"h":{"df":0,"docs":{},"o":{"d":{"df":17,"docs":{"13":{"tf":2.23606797749979},"17":{"tf":1.0},"18":{"tf":1.4142135623730951},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"22":{"tf":1.0},"23":{"tf":1.0},"29":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":2.23606797749979},"37":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":2.6457513110645907},"42":{"tf":1.4142135623730951},"44":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"42":{"tf":1.0},"45":{"tf":1.0}},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}}}}}},"l":{"/":{"df":0,"docs":{},"h":{"df":1,"docs":{"6":{"tf":2.0}}}},"df":1,"docs":{"6":{"tf":2.0}}},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"!":{"(":{"\"":{"df":0,"docs":{},"y":{"0":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{},"l":{"df":14,"docs":{"0":{"tf":3.7416573867739413},"1":{"tf":1.4142135623730951},"10":{"tf":1.0},"2":{"tf":3.3166247903554},"26":{"tf":1.0},"3":{"tf":1.0},"4":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951},"43":{"tf":1.0},"5":{"tf":2.8284271247461903},"6":{"tf":4.123105625617661},"7":{"tf":1.4142135623730951},"8":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"i":{"df":0,"docs":{},"f":{"df":1,"docs":{"42":{"tf":1.0}}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":10,"docs":{"1":{"tf":1.0},"10":{"tf":1.7320508075688772},"12":{"tf":1.4142135623730951},"17":{"tf":1.0},"24":{"tf":1.0},"32":{"tf":1.0},"34":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.7320508075688772},"8":{"tf":1.0}}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":4,"docs":{"0":{"tf":1.0},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"7":{"tf":1.0}}}}}}},"u":{"c":{"df":0,"docs":{},"h":{"df":1,"docs":{"45":{"tf":1.0}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":3,"docs":{"42":{"tf":1.0},"44":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":7,"docs":{"13":{"tf":1.0},"15":{"tf":1.4142135623730951},"20":{"tf":1.4142135623730951},"24":{"tf":1.4142135623730951},"34":{"tf":1.0},"42":{"tf":1.0},"8":{"tf":1.0}}}}}}}},"t":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"36":{"tf":1.0}}}},"df":0,"docs":{}},"df":16,"docs":{"18":{"tf":1.0},"2":{"tf":2.23606797749979},"21":{"tf":1.4142135623730951},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.23606797749979},"31":{"tf":2.23606797749979},"33":{"tf":1.0},"36":{"tf":1.4142135623730951},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.4142135623730951},"6":{"tf":2.23606797749979},"7":{"tf":2.449489742783178},"9":{"tf":1.4142135623730951}}}},"y":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"<":{"'":{"_":{"df":2,"docs":{"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"29":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"25":{"tf":1.7320508075688772},"30":{"tf":1.0},"31":{"tf":1.4142135623730951}}}}}},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"<":{"'":{"_":{"df":2,"docs":{"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"29":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":2,"docs":{"26":{"tf":2.0},"31":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"<":{"'":{"_":{"df":2,"docs":{"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"29":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"31":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":3,"docs":{"24":{"tf":3.3166247903554},"30":{"tf":3.0},"31":{"tf":2.8284271247461903}}}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"h":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.4142135623730951}},"s":{"<":{"'":{"_":{"df":2,"docs":{"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"29":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"<":{"'":{"_":{"df":2,"docs":{"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"29":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"31":{"tf":1.0}}}}}}}},"n":{"^":{"2":{"df":1,"docs":{"41":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"r":{"a":{":":{":":{"d":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":18,"docs":{"13":{"tf":1.7320508075688772},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"33":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":4,"docs":{"13":{"tf":1.0},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"v":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"1":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":3,"docs":{"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":4,"docs":{"13":{"tf":1.0},"24":{"tf":1.7320508075688772},"25":{"tf":1.0},"26":{"tf":1.0}}}},"df":9,"docs":{"13":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":1,"docs":{"15":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":3,"docs":{"13":{"tf":1.0},"35":{"tf":1.0},"41":{"tf":1.0}},"l":{"df":0,"docs":{},"u":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":6,"docs":{"18":{"tf":1.0},"21":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":6,"docs":{"18":{"tf":1.0},"21":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"m":{"df":0,"docs":{},"e":{"df":1,"docs":{"42":{"tf":1.0}}}},"n":{"df":1,"docs":{"34":{"tf":1.7320508075688772}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"40":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"r":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"26":{"tf":1.0}}}}}},"df":2,"docs":{"41":{"tf":1.7320508075688772},"43":{"tf":1.0}},"e":{"c":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"24":{"tf":1.0}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"14":{"tf":1.0}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"d":{"df":16,"docs":{"1":{"tf":1.0},"13":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.4142135623730951},"21":{"tf":1.0},"23":{"tf":2.23606797749979},"27":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":2.0},"34":{"tf":1.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"39":{"tf":1.4142135623730951},"42":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"g":{"df":1,"docs":{"4":{"tf":1.0}},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"w":{"_":{"df":0,"docs":{},"w":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"36":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}}}}},"df":13,"docs":{"1":{"tf":1.0},"13":{"tf":1.7320508075688772},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"3":{"tf":1.4142135623730951},"30":{"tf":1.0},"31":{"tf":1.0},"36":{"tf":1.0},"39":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0}}},"x":{"df":0,"docs":{},"t":{"df":5,"docs":{"1":{"tf":1.0},"24":{"tf":1.0},"3":{"tf":1.0},"5":{"tf":1.0},"8":{"tf":1.0}}}}},"g":{"df":1,"docs":{"6":{"tf":2.0}}},"o":{"d":{"df":0,"docs":{},"e":{"df":2,"docs":{"8":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"df":0,"docs":{},"n":{"df":5,"docs":{"14":{"tf":1.4142135623730951},"23":{"tf":1.0},"24":{"tf":1.7320508075688772},"35":{"tf":1.4142135623730951},"6":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":7,"docs":{"23":{"tf":1.0},"24":{"tf":1.7320508075688772},"25":{"tf":1.0},"29":{"tf":2.0},"30":{"tf":2.6457513110645907},"31":{"tf":2.8284271247461903},"34":{"tf":1.0}},"j":{"a":{"c":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"n":{"df":2,"docs":{"24":{"tf":1.7320508075688772},"34":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"r":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"21":{"tf":1.0},"5":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"e":{"df":4,"docs":{"29":{"tf":1.0},"34":{"tf":1.0},"36":{"tf":1.0},"39":{"tf":1.0}}}},"u":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":5,"docs":{"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.449489742783178},"31":{"tf":2.449489742783178}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"w":{"df":7,"docs":{"2":{"tf":1.0},"24":{"tf":1.0},"25":{"tf":1.0},"27":{"tf":1.0},"31":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0}}}},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":5,"docs":{"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.449489742783178},"31":{"tf":2.449489742783178}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":5,"docs":{"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.449489742783178},"31":{"tf":2.449489742783178}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"m":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":5,"docs":{"24":{"tf":1.0},"34":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":2.0},"42":{"tf":1.0}}}}},"df":0,"docs":{}}}},"o":{"b":{"df":0,"docs":{},"j":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"29":{"tf":1.0},"34":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"v":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"21":{"tf":1.0}}}}},"df":0,"docs":{}}},"c":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":4,"docs":{"0":{"tf":1.4142135623730951},"11":{"tf":1.0},"5":{"tf":2.0},"7":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}},"d":{"df":27,"docs":{"0":{"tf":4.47213595499958},"1":{"tf":4.123105625617661},"11":{"tf":2.0},"13":{"tf":2.23606797749979},"14":{"tf":1.0},"15":{"tf":1.0},"19":{"tf":1.0},"2":{"tf":2.6457513110645907},"20":{"tf":1.7320508075688772},"22":{"tf":1.0},"23":{"tf":1.0},"27":{"tf":1.7320508075688772},"28":{"tf":1.0},"29":{"tf":1.0},"3":{"tf":3.872983346207417},"30":{"tf":1.0},"31":{"tf":1.0},"38":{"tf":1.0},"4":{"tf":2.23606797749979},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"5":{"tf":3.0},"6":{"tf":2.0},"7":{"tf":2.23606797749979},"8":{"tf":2.8284271247461903},"9":{"tf":1.0}},"e":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"df":14,"docs":{"12":{"tf":1.7320508075688772},"13":{"tf":1.7320508075688772},"15":{"tf":1.0},"17":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"22":{"tf":1.0},"23":{"tf":1.4142135623730951},"31":{"tf":1.0},"33":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"m":{">":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{"(":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"p":{"(":{"[":{"1":{".":{"0":{"]":{")":{".":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{"(":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":16,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"31":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"<":{"'":{"_":{">":{">":{":":{":":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"h":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"a":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"28":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.0}}}}}}}}}}},"df":8,"docs":{"12":{"tf":1.0},"2":{"tf":1.0},"23":{"tf":1.0},"28":{"tf":1.7320508075688772},"29":{"tf":1.7320508075688772},"30":{"tf":2.23606797749979},"31":{"tf":1.7320508075688772},"34":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"d":{"df":10,"docs":{"2":{"tf":1.4142135623730951},"21":{"tf":1.7320508075688772},"33":{"tf":1.0},"37":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":2,"docs":{"35":{"tf":1.0},"36":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"t":{"df":4,"docs":{"21":{"tf":1.4142135623730951},"33":{"tf":1.0},"36":{"tf":1.4142135623730951},"39":{"tf":1.0}},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":4,"docs":{"18":{"tf":1.4142135623730951},"39":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}}}}}}}}}}},"df":0,"docs":{},"h":{"df":0,"docs":{},"m":{"'":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}}},"k":{"(":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{":":{":":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":4,"docs":{"18":{"tf":1.0},"39":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}}}}}}}}}},"df":0,"docs":{}}}}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"d":{"(":{"_":{"df":1,"docs":{"39":{"tf":1.0}}},"df":0,"docs":{},"t":{"df":2,"docs":{"18":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"t":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"c":{"df":0,"docs":{},"h":{"df":4,"docs":{"18":{"tf":1.0},"39":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}}}}}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"g":{"a":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}},"n":{"c":{"df":6,"docs":{"15":{"tf":1.0},"21":{"tf":1.0},"23":{"tf":1.0},"33":{"tf":1.0},"35":{"tf":1.0},"39":{"tf":1.0}}},"df":10,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"17":{"tf":1.4142135623730951},"25":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.0},"35":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.0}}},"p":{"df":7,"docs":{"23":{"tf":1.0},"24":{"tf":2.0},"25":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"30":{"tf":2.6457513110645907},"31":{"tf":2.6457513110645907}},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"23":{"tf":1.0},"34":{"tf":1.0}}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"4":{"tf":1.0}}}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"19":{"tf":1.0}}},"o":{"df":0,"docs":{},"n":{"<":{"<":{"df":0,"docs":{},"m":{"df":0,"docs":{},"y":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":2,"docs":{"30":{"tf":1.7320508075688772},"31":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":2,"docs":{"11":{"tf":1.7320508075688772},"13":{"tf":1.0}}}}}}},"r":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":9,"docs":{"0":{"tf":3.0},"1":{"tf":3.1622776601683795},"2":{"tf":2.0},"29":{"tf":1.4142135623730951},"3":{"tf":3.7416573867739413},"39":{"tf":1.0},"4":{"tf":1.7320508075688772},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772}}}},"i":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":4,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"32":{"tf":1.0},"8":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"g":{"a":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"41":{"tf":1.0}}}}}}},"s":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":6,"docs":{"23":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"42":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":6,"docs":{"11":{"tf":1.4142135623730951},"24":{"tf":1.0},"29":{"tf":1.0},"34":{"tf":1.4142135623730951},"38":{"tf":1.0},"42":{"tf":1.7320508075688772}}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"2":{"tf":1.4142135623730951},"38":{"tf":1.0},"5":{"tf":1.0}},"r":{"df":0,"docs":{},"i":{"d":{"df":1,"docs":{"39":{"tf":1.0}}},"df":0,"docs":{}}}}}}},"p":{"(":{"[":{"1":{".":{"0":{"df":1,"docs":{"33":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"!":{"[":{"1":{".":{"0":{"df":12,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"31":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"[":{"0":{"df":11,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"18":{"tf":1.4142135623730951},"20":{"tf":1.7320508075688772},"21":{"tf":2.449489742783178},"34":{"tf":2.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178}}},"1":{"df":11,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"18":{"tf":1.4142135623730951},"20":{"tf":2.23606797749979},"21":{"tf":3.1622776601683795},"34":{"tf":2.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178}}},"df":0,"docs":{}},"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"c":{"!":{"(":{"\"":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"39":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":2,"docs":{"18":{"tf":1.0},"39":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}}},"w":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":10,"docs":{"11":{"tf":1.0},"13":{"tf":2.0},"19":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"20":{"tf":1.4142135623730951},"21":{"tf":1.0},"29":{"tf":1.0},"33":{"tf":1.0},"41":{"tf":1.7320508075688772},"6":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{},"t":{"df":2,"docs":{"10":{"tf":1.0},"41":{"tf":2.0}},"i":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}}},"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":2,"docs":{"0":{"tf":1.0},"39":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"0":{"tf":1.0},"34":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"s":{"df":4,"docs":{"0":{"tf":1.0},"17":{"tf":1.0},"45":{"tf":1.0},"9":{"tf":1.4142135623730951}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"'":{"df":1,"docs":{"6":{"tf":1.0}}},"df":1,"docs":{"6":{"tf":1.0}}}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":1,"docs":{"34":{"tf":2.23606797749979}}}}}}}},"b":{"df":0,"docs":{},"p":{"df":0,"docs":{},"k":{"df":1,"docs":{"6":{"tf":1.0}}}}},"d":{"df":1,"docs":{"6":{"tf":1.4142135623730951}},"e":{"df":1,"docs":{"14":{"tf":1.0}}}},"df":18,"docs":{"11":{"tf":3.0},"13":{"tf":3.1622776601683795},"14":{"tf":1.0},"15":{"tf":1.7320508075688772},"17":{"tf":2.6457513110645907},"18":{"tf":1.4142135623730951},"2":{"tf":1.0},"20":{"tf":1.7320508075688772},"21":{"tf":2.449489742783178},"24":{"tf":1.4142135623730951},"29":{"tf":2.449489742783178},"30":{"tf":3.605551275463989},"31":{"tf":3.605551275463989},"34":{"tf":2.449489742783178},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178}},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":7,"docs":{"10":{"tf":1.0},"12":{"tf":1.0},"16":{"tf":1.0},"40":{"tf":1.0},"42":{"tf":1.4142135623730951},"43":{"tf":1.0},"44":{"tf":2.0}}}}}},"i":{"df":0,"docs":{},"p":{"df":0,"docs":{},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":2.23606797749979}}}}}}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"1":{"tf":1.0}}}}}},"h":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"a":{"c":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"y":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"k":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.7320508075688772}}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"2":{"tf":2.23606797749979}}}}},"df":0,"docs":{},"y":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"c":{"df":3,"docs":{"0":{"tf":1.4142135623730951},"3":{"tf":1.0},"8":{"tf":1.0}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}}},"i":{"df":0,"docs":{},"e":{"c":{"df":1,"docs":{"1":{"tf":1.0}}},"df":0,"docs":{}}},"k":{"df":1,"docs":{"6":{"tf":2.449489742783178}},"p":{"d":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}},"l":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":1,"docs":{"2":{"tf":2.0}}}},"s":{"df":0,"docs":{},"m":{"a":{"/":{"b":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{".":{"a":{"d":{"d":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}},"p":{"df":0,"docs":{},"h":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"e":{"d":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"q":{"_":{"c":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"v":{"df":1,"docs":{"7":{"tf":1.0}}},"x":{"_":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"_":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"r":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}},"df":0,"docs":{}}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}},"s":{"df":0,"docs":{},"p":{"df":1,"docs":{"4":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}},":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{")":{".":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"(":{"\"":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":6,"docs":{"2":{"tf":2.8284271247461903},"4":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"7":{"tf":1.4142135623730951},"9":{"tf":1.7320508075688772}},"l":{"df":0,"docs":{},"i":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"o":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":3,"docs":{"34":{"tf":1.0},"41":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951}}}}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"40":{"tf":1.0}}}},"df":3,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":2.6457513110645907},"2":{"tf":4.898979485566356}}}}},"r":{"df":0,"docs":{},"t":{"df":2,"docs":{"10":{"tf":1.0},"42":{"tf":1.0}}}},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":4,"docs":{"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951}}}},"s":{"df":0,"docs":{},"i":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"w":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"e":{"d":{"a":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":5.5677643628300215},"41":{"tf":1.0}},"o":{"df":0,"docs":{},"r":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"d":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"2":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"0":{"tf":1.0}}}},"df":0,"docs":{}}},"df":1,"docs":{"35":{"tf":1.4142135623730951}},"s":{"c":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"b":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":2,"docs":{"10":{"tf":1.0},"43":{"tf":1.0}}}}}},"v":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"y":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":5.0},"41":{"tf":1.0}}}},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"10":{"tf":1.0},"8":{"tf":1.0}}}}},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.0}},"f":{"df":1,"docs":{"42":{"tf":1.0}}},"l":{"df":0,"docs":{},"n":{"!":{"(":{"\"":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"18":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"34":{"tf":1.0}}}}}}},"o":{"b":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"45":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{".":{"b":{"d":{"df":0,"docs":{},"f":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"35":{"tf":1.0}},"s":{">":{"(":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":10,"docs":{"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951},"33":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":0,"docs":{},"s":{">":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"35":{"tf":1.0},"36":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"(":{")":{".":{"c":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"(":{"df":0,"docs":{},"t":{"0":{"df":1,"docs":{"34":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"r":{"df":0,"docs":{},"h":{"df":0,"docs":{},"s":{"(":{")":{".":{"df":0,"docs":{},"j":{"a":{"c":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"n":{"(":{"&":{"df":0,"docs":{},"y":{"0":{"df":1,"docs":{"34":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"p":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"3":{"4":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"t":{"0":{"df":1,"docs":{"34":{"tf":1.0}}},"df":0,"docs":{},"r":{"_":{"b":{"d":{"df":0,"docs":{},"f":{"2":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":0,"docs":{},"s":{">":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"35":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":43,"docs":{"1":{"tf":1.0},"10":{"tf":2.6457513110645907},"11":{"tf":1.0},"12":{"tf":2.0},"13":{"tf":2.8284271247461903},"14":{"tf":2.0},"15":{"tf":2.0},"16":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"18":{"tf":1.4142135623730951},"19":{"tf":1.7320508075688772},"2":{"tf":1.7320508075688772},"20":{"tf":2.449489742783178},"21":{"tf":2.8284271247461903},"22":{"tf":2.23606797749979},"23":{"tf":2.0},"24":{"tf":2.0},"25":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"27":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":1.4142135623730951},"30":{"tf":1.4142135623730951},"31":{"tf":2.449489742783178},"32":{"tf":2.0},"33":{"tf":2.0},"34":{"tf":3.0},"35":{"tf":2.0},"36":{"tf":1.4142135623730951},"37":{"tf":2.0},"38":{"tf":3.3166247903554},"39":{"tf":2.23606797749979},"4":{"tf":1.0},"41":{"tf":3.605551275463989},"42":{"tf":3.1622776601683795},"43":{"tf":1.4142135623730951},"44":{"tf":3.0},"45":{"tf":1.7320508075688772},"5":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.7320508075688772},"8":{"tf":1.0},"9":{"tf":1.0}}}}}},"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":5,"docs":{"1":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.0}}}}}},"d":{"df":0,"docs":{},"u":{"c":{"df":1,"docs":{"5":{"tf":1.0}},"t":{"df":2,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"34":{"tf":1.0}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":3,"docs":{"1":{"tf":1.0},"2":{"tf":2.0},"4":{"tf":1.0}}}}}},"t":{"df":0,"docs":{},"o":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}}},"df":0,"docs":{}}},"v":{"df":0,"docs":{},"i":{"d":{"df":16,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":1.0},"10":{"tf":1.0},"13":{"tf":1.0},"15":{"tf":1.4142135623730951},"20":{"tf":1.0},"22":{"tf":1.0},"36":{"tf":1.4142135623730951},"37":{"tf":1.0},"38":{"tf":1.7320508075688772},"41":{"tf":1.0},"42":{"tf":1.7320508075688772},"44":{"tf":1.0},"5":{"tf":1.7320508075688772},"6":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}}},"u":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":1,"docs":{"42":{"tf":1.0}}}}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":2,"docs":{"0":{"tf":1.0},"10":{"tf":1.0}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":3,"docs":{"29":{"tf":1.0},"32":{"tf":1.0},"8":{"tf":1.0}}}}}},"t":{"df":3,"docs":{"15":{"tf":1.0},"2":{"tf":1.0},"27":{"tf":1.0}}}},"y":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":3,"docs":{"12":{"tf":1.0},"32":{"tf":1.0},"45":{"tf":1.0}}}}}}}},"q":{"_":{"c":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"q":{"_":{"c":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"df":1,"docs":{"6":{"tf":2.0}}},"df":0,"docs":{},"p":{"1":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"q":{"_":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"1":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"{":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":2.8284271247461903}}},"df":0,"docs":{}}}},"c":{"df":1,"docs":{"6":{"tf":2.0}}},"df":1,"docs":{"6":{"tf":1.4142135623730951}},"p":{"1":{"df":1,"docs":{"6":{"tf":2.449489742783178}}},"df":0,"docs":{}},"u":{"a":{"d":{"df":1,"docs":{"6":{"tf":1.7320508075688772}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":1,"docs":{"19":{"tf":1.0}},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"t":{"df":1,"docs":{"6":{"tf":1.0}},"i":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}}}}}},"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"k":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"df":0,"docs":{},"t":{"df":2,"docs":{"25":{"tf":1.0},"44":{"tf":1.0}}}}}},"r":{"(":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":2.23606797749979}}},"t":{"df":1,"docs":{"11":{"tf":1.0}}}},"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":2,"docs":{"0":{"tf":1.0},"8":{"tf":1.0}}}},"t":{"df":0,"docs":{},"e":{"df":6,"docs":{"1":{"tf":2.6457513110645907},"13":{"tf":1.0},"2":{"tf":3.1622776601683795},"6":{"tf":2.0},"8":{"tf":1.0},"9":{"tf":1.0}}},"i":{"df":0,"docs":{},"o":{"df":1,"docs":{"7":{"tf":1.0}}}}}},"df":10,"docs":{"12":{"tf":1.0},"13":{"tf":1.7320508075688772},"15":{"tf":1.7320508075688772},"17":{"tf":1.0},"20":{"tf":2.23606797749979},"24":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":2.449489742783178},"45":{"tf":1.0},"9":{"tf":2.449489742783178}},"e":{"a":{"c":{"df":0,"docs":{},"h":{"df":3,"docs":{"21":{"tf":1.0},"44":{"tf":1.0},"7":{"tf":1.0}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"18":{"tf":1.0}}}}}},"c":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"20":{"tf":1.0},"8":{"tf":1.0}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"12":{"tf":1.0}}},"df":0,"docs":{}}}}}}},"d":{"df":0,"docs":{},"u":{"c":{"df":1,"docs":{"8":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":1,"docs":{"39":{"tf":1.0}},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":4,"docs":{"29":{"tf":1.0},"36":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0}}}},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"5":{"tf":1.0}}}},"df":0,"docs":{}}},"r":{"a":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}},"g":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"l":{"a":{"df":0,"docs":{},"t":{"df":2,"docs":{"6":{"tf":1.0},"8":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"df":1,"docs":{"8":{"tf":1.0}}}}}}}}}}},"df":4,"docs":{"13":{"tf":1.4142135623730951},"32":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":1.0}}},"m":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"v":{"df":1,"docs":{"42":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}},"e":{"d":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"34":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":6,"docs":{"13":{"tf":1.0},"2":{"tf":2.23606797749979},"32":{"tf":1.0},"34":{"tf":1.0},"42":{"tf":1.0},"5":{"tf":1.0}}}},"o":{"d":{"df":0,"docs":{},"u":{"c":{"df":1,"docs":{"2":{"tf":1.4142135623730951}},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"q":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":6,"docs":{"1":{"tf":1.0},"15":{"tf":1.0},"29":{"tf":1.0},"44":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"i":{"d":{"df":0,"docs":{},"u":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":2.6457513110645907}}}}}}},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":9,"docs":{"1":{"tf":1.0},"13":{"tf":1.0},"19":{"tf":1.0},"20":{"tf":2.0},"3":{"tf":1.4142135623730951},"36":{"tf":1.0},"38":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}},"t":{"df":1,"docs":{"42":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":2.0}}}}}}},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":3,"docs":{"39":{"tf":1.0},"43":{"tf":2.0},"5":{"tf":1.0}}}}}},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":6,"docs":{"18":{"tf":1.4142135623730951},"21":{"tf":1.0},"29":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":2.23606797749979},"39":{"tf":2.0}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"7":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":1,"docs":{"10":{"tf":1.0}}}}}},"w":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"3":{"tf":1.0},"7":{"tf":1.0}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"3":{"tf":1.0}}}}}}}}}},"h":{"df":7,"docs":{"23":{"tf":1.0},"24":{"tf":2.23606797749979},"25":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"34":{"tf":1.0},"42":{"tf":1.4142135623730951}},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":9,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}}}},"df":0,"docs":{}}}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"20":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":7,"docs":{"11":{"tf":1.0},"15":{"tf":1.0},"20":{"tf":1.4142135623730951},"22":{"tf":1.0},"29":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":2.0}}}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"7":{"tf":1.0}}}}},"o":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"_":{"df":0,"docs":{},"o":{"d":{"df":3,"docs":{"41":{"tf":1.0},"42":{"tf":1.4142135623730951},"44":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":4,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.7320508075688772},"44":{"tf":1.0},"45":{"tf":1.0}}}}}}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{},"|":{"df":0,"docs":{},"x":{"df":2,"docs":{"17":{"tf":1.0},"18":{"tf":1.0}}}}},"df":10,"docs":{"11":{"tf":1.4142135623730951},"16":{"tf":2.0},"17":{"tf":3.1622776601683795},"18":{"tf":2.0},"23":{"tf":1.0},"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"5":{"tf":1.0},"7":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"(":{"1":{"df":5,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":1,"docs":{"13":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":1,"docs":{"35":{"tf":1.0}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"t":{"df":7,"docs":{"10":{"tf":1.7320508075688772},"12":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951},"42":{"tf":2.0},"43":{"tf":1.0},"45":{"tf":2.449489742783178}}}}},"v":{"df":1,"docs":{"13":{"tf":1.0}}}},"s":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":9,"docs":{"1":{"tf":1.4142135623730951},"29":{"tf":1.0},"36":{"tf":1.0},"41":{"tf":1.7320508075688772},"42":{"tf":2.0},"43":{"tf":1.0},"44":{"tf":1.4142135623730951},"45":{"tf":1.0},"9":{"tf":1.0}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":3,"docs":{"36":{"tf":1.0},"39":{"tf":1.0},"8":{"tf":1.0}}}}}}},"v":{"df":0,"docs":{},"e":{"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":1.0}}}}},"c":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":1,"docs":{"7":{"tf":1.0}}}},"t":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"t":{".":{"c":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":2,"docs":{"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":1,"docs":{"7":{"tf":1.0}},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"2":{"tf":1.0},"6":{"tf":1.0}},"e":{".":{"c":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":3,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":2,"docs":{"35":{"tf":1.7320508075688772},"36":{"tf":1.0}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"35":{"tf":1.0}},"e":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"_":{"df":0,"docs":{},"w":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}},"df":1,"docs":{"21":{"tf":1.0}},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"d":{"df":6,"docs":{"1":{"tf":1.0},"2":{"tf":1.0},"3":{"tf":2.23606797749979},"39":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0}}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":9,"docs":{"0":{"tf":1.7320508075688772},"1":{"tf":1.0},"19":{"tf":1.0},"3":{"tf":1.0},"32":{"tf":1.0},"34":{"tf":1.4142135623730951},"42":{"tf":1.0},"5":{"tf":1.4142135623730951},"8":{"tf":1.0}}}}}}},"df":0,"docs":{},"e":{"df":6,"docs":{"13":{"tf":1.0},"2":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0}},"n":{"df":3,"docs":{"44":{"tf":1.0},"45":{"tf":1.0},"8":{"tf":1.0}}}},"l":{"df":0,"docs":{},"f":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"26":{"tf":1.0}}}}},"df":0,"docs":{}},"p":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"y":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"(":{"df":0,"docs":{},"p":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":2,"docs":{"30":{"tf":2.23606797749979},"31":{"tf":2.23606797749979}}}},"df":4,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}}},"m":{"df":0,"docs":{},"i":{"df":1,"docs":{"8":{"tf":1.7320508075688772}}}},"n":{"df":0,"docs":{},"s":{"_":{"a":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"21":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}}},"t":{"_":{"df":0,"docs":{},"o":{"df":1,"docs":{"21":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":4,"docs":{"19":{"tf":2.23606797749979},"20":{"tf":2.449489742783178},"21":{"tf":2.8284271247461903},"38":{"tf":1.4142135623730951}}}}}},"p":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"i":{"df":3,"docs":{"0":{"tf":1.0},"32":{"tf":1.0},"9":{"tf":1.0}}}},"t":{"_":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"39":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}},"df":13,"docs":{"0":{"tf":1.0},"1":{"tf":1.7320508075688772},"13":{"tf":1.4142135623730951},"15":{"tf":1.0},"16":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"35":{"tf":2.0},"36":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}},"u":{"df":0,"docs":{},"p":{"df":2,"docs":{"36":{"tf":1.0},"43":{"tf":1.0}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"2":{"tf":1.0},"41":{"tf":1.0}}}}}},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":3,"docs":{"2":{"tf":1.0},"38":{"tf":1.0},"8":{"tf":1.0}},"n":{"df":2,"docs":{"1":{"tf":1.0},"6":{"tf":1.0}}}}}},"i":{"d":{"df":0,"docs":{},"e":{"df":7,"docs":{"11":{"tf":1.0},"15":{"tf":1.0},"20":{"tf":1.4142135623730951},"22":{"tf":1.0},"29":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0}}}},"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":1,"docs":{"4":{"tf":1.0}},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"c":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"44":{"tf":1.0}}}}}}},"df":2,"docs":{"29":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}}}}}},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":5,"docs":{"12":{"tf":1.0},"2":{"tf":1.0},"25":{"tf":1.0},"40":{"tf":1.0},"44":{"tf":1.0}}}},"df":0,"docs":{}}},"p":{"df":0,"docs":{},"l":{"df":8,"docs":{"0":{"tf":2.0},"2":{"tf":1.0},"3":{"tf":1.0},"32":{"tf":1.0},"38":{"tf":1.0},"45":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"13":{"tf":1.0},"2":{"tf":1.0}}}}},"i":{"c":{"df":1,"docs":{"34":{"tf":1.0}}},"df":0,"docs":{},"f":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"29":{"tf":1.0}}}}},"n":{"(":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"g":{"a":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}}},"df":0,"docs":{},"g":{"df":0,"docs":{},"l":{"df":1,"docs":{"39":{"tf":1.0}},"i":{"df":1,"docs":{"35":{"tf":1.0}}}},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":2,"docs":{"14":{"tf":1.7320508075688772},"35":{"tf":1.0}}}},"df":0,"docs":{}}}},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"i":{"d":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}}}}}},"z":{"df":0,"docs":{},"e":{"df":7,"docs":{"13":{"tf":1.0},"36":{"tf":1.0},"39":{"tf":1.4142135623730951},"41":{"tf":2.0},"43":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"42":{"tf":1.4142135623730951},"44":{"tf":1.0}}}}}}}},"o":{"df":0,"docs":{},"w":{"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":0,"docs":{},"n":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"12":{"tf":1.0},"43":{"tf":1.0},"44":{"tf":1.7320508075688772}}}},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"44":{"tf":1.0}}}}}}},"m":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":3,"docs":{"39":{"tf":1.0},"44":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951}},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"44":{"tf":1.0}}}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":6,"docs":{"1":{"tf":1.0},"15":{"tf":1.0},"19":{"tf":1.4142135623730951},"20":{"tf":1.0},"38":{"tf":2.23606797749979},"39":{"tf":3.1622776601683795}}}},"v":{"df":24,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":2.0},"10":{"tf":1.0},"11":{"tf":1.0},"13":{"tf":1.4142135623730951},"18":{"tf":1.7320508075688772},"2":{"tf":1.4142135623730951},"21":{"tf":2.23606797749979},"3":{"tf":1.0},"32":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0},"37":{"tf":2.0},"38":{"tf":3.4641016151377544},"39":{"tf":1.0},"4":{"tf":1.0},"41":{"tf":2.0},"42":{"tf":1.0},"43":{"tf":1.4142135623730951},"5":{"tf":1.7320508075688772},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.0}},"e":{"_":{"a":{"d":{"df":0,"docs":{},"j":{"df":0,"docs":{},"o":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"38":{"tf":1.0}}}}}}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":1,"docs":{"38":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}},"df":0,"docs":{},"r":{"'":{"df":1,"docs":{"36":{"tf":1.0}}},".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"t":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"o":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"39":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"(":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"o":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"21":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"1":{"0":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"39":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"t":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"(":{"1":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"38":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"4":{"0":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"t":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"33":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"_":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"38":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":1,"docs":{"21":{"tf":1.0}},"i":{"df":2,"docs":{"18":{"tf":1.0},"39":{"tf":1.0}}},"t":{"df":2,"docs":{"21":{"tf":1.4142135623730951},"39":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"d":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}},"y":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"y":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"(":{"&":{"df":0,"docs":{},"i":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"[":{"0":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"(":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"21":{"tf":1.4142135623730951},"39":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":4,"docs":{"18":{"tf":1.0},"39":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0}}}}}}},"df":22,"docs":{"1":{"tf":1.4142135623730951},"16":{"tf":1.0},"17":{"tf":1.7320508075688772},"18":{"tf":1.7320508075688772},"2":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951},"33":{"tf":1.0},"35":{"tf":5.196152422706632},"36":{"tf":2.6457513110645907},"37":{"tf":1.0},"38":{"tf":1.7320508075688772},"39":{"tf":3.4641016151377544},"4":{"tf":1.0},"40":{"tf":1.4142135623730951},"41":{"tf":3.0},"42":{"tf":2.8284271247461903},"44":{"tf":2.449489742783178},"45":{"tf":1.4142135623730951},"5":{"tf":2.23606797749979},"6":{"tf":1.4142135623730951},"7":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}}},"m":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"y":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}}}},"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"1":{"tf":1.0},"10":{"tf":1.0}}}}}}},"u":{"df":0,"docs":{},"r":{"c":{"df":1,"docs":{"9":{"tf":2.0}}},"df":0,"docs":{}}}},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":7,"docs":{"13":{"tf":1.4142135623730951},"32":{"tf":1.0},"34":{"tf":3.0},"35":{"tf":1.0},"41":{"tf":2.23606797749979},"42":{"tf":1.7320508075688772},"44":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"34":{"tf":2.23606797749979}}}}}}},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"i":{"df":2,"docs":{"2":{"tf":2.6457513110645907},"41":{"tf":1.0}},"f":{"df":9,"docs":{"0":{"tf":1.4142135623730951},"12":{"tf":1.0},"13":{"tf":1.0},"2":{"tf":1.0},"32":{"tf":1.4142135623730951},"39":{"tf":1.4142135623730951},"5":{"tf":2.23606797749979},"6":{"tf":1.4142135623730951},"8":{"tf":1.0}},"i":{"df":33,"docs":{"10":{"tf":2.6457513110645907},"11":{"tf":2.0},"12":{"tf":2.0},"13":{"tf":2.23606797749979},"14":{"tf":1.0},"15":{"tf":1.4142135623730951},"16":{"tf":1.0},"17":{"tf":2.0},"18":{"tf":1.0},"19":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":2.0},"21":{"tf":1.4142135623730951},"22":{"tf":1.4142135623730951},"23":{"tf":1.4142135623730951},"24":{"tf":2.0},"25":{"tf":1.4142135623730951},"26":{"tf":1.0},"27":{"tf":1.7320508075688772},"28":{"tf":1.4142135623730951},"29":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.0},"32":{"tf":2.0},"33":{"tf":1.7320508075688772},"34":{"tf":2.449489742783178},"35":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":2.0},"6":{"tf":2.0},"7":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{},"e":{"d":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":3,"docs":{"0":{"tf":1.4142135623730951},"3":{"tf":1.0},"4":{"tf":2.8284271247461903}}}}}}},"t":{"a":{"df":0,"docs":{},"n":{"d":{"a":{"df":0,"docs":{},"r":{"d":{"df":3,"docs":{"1":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"t":{"df":4,"docs":{"1":{"tf":1.0},"2":{"tf":1.0},"34":{"tf":1.0},"44":{"tf":1.0}}}},"t":{"df":0,"docs":{},"e":{".":{"a":{"df":0,"docs":{},"s":{"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"36":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":15,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":3.0},"11":{"tf":1.7320508075688772},"13":{"tf":2.0},"20":{"tf":1.7320508075688772},"24":{"tf":1.0},"3":{"tf":1.4142135623730951},"35":{"tf":2.8284271247461903},"36":{"tf":3.4641016151377544},"38":{"tf":2.449489742783178},"39":{"tf":1.7320508075688772},"5":{"tf":2.23606797749979},"6":{"tf":1.0},"7":{"tf":2.0},"8":{"tf":2.0}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":1,"docs":{"36":{"tf":1.0}},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"36":{"tf":1.0}}}}}}}}}}},"d":{":":{":":{"df":0,"docs":{},"f":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":6,"docs":{"13":{"tf":1.0},"18":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"39":{"tf":4.0},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":3,"docs":{"35":{"tf":1.0},"41":{"tf":1.0},"44":{"tf":1.0}}}},"l":{"df":0,"docs":{},"l":{"df":1,"docs":{"12":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"p":{"df":6,"docs":{"16":{"tf":1.0},"17":{"tf":1.7320508075688772},"18":{"tf":1.4142135623730951},"39":{"tf":2.0},"5":{"tf":1.0},"7":{"tf":1.4142135623730951}}},"r":{"df":0,"docs":{},"e":{"df":2,"docs":{"26":{"tf":1.0},"29":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":1,"docs":{"45":{"tf":1.0}}}}},"u":{"c":{"df":0,"docs":{},"t":{"df":20,"docs":{"12":{"tf":1.7320508075688772},"13":{"tf":1.7320508075688772},"15":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.0},"22":{"tf":2.23606797749979},"23":{"tf":2.23606797749979},"24":{"tf":3.3166247903554},"25":{"tf":1.4142135623730951},"26":{"tf":1.7320508075688772},"27":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":3.7416573867739413},"30":{"tf":3.0},"31":{"tf":3.0},"33":{"tf":2.23606797749979},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":2.23606797749979},"39":{"tf":1.4142135623730951}},"u":{"df":0,"docs":{},"r":{"df":3,"docs":{"12":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"u":{"b":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"c":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"18":{"tf":1.0},"39":{"tf":1.0}}}}}},"df":0,"docs":{},"h":{"df":8,"docs":{"0":{"tf":1.0},"14":{"tf":1.0},"17":{"tf":1.0},"19":{"tf":1.0},"2":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0}}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"i":{"df":0,"docs":{},"t":{"a":{"b":{"df":0,"docs":{},"l":{"df":2,"docs":{"22":{"tf":1.0},"35":{"tf":1.0}}}},"df":0,"docs":{}},"df":1,"docs":{"40":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"41":{"tf":1.0}}}}},"df":0,"docs":{}}}}}},"m":{"df":1,"docs":{"9":{"tf":1.0}}},"n":{"d":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":6,"docs":{"40":{"tf":1.0},"41":{"tf":2.8284271247461903},"42":{"tf":3.0},"43":{"tf":1.4142135623730951},"44":{"tf":2.449489742783178},"45":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"_":{"b":{"a":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"41":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":1,"docs":{"41":{"tf":1.0}}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"41":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"df":1,"docs":{"7":{"tf":1.0}}}}},"y":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"x":{"df":2,"docs":{"2":{"tf":1.0},"32":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"'":{"df":1,"docs":{"0":{"tf":1.0}}},".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"4":{"tf":1.0}}}}}}},"df":23,"docs":{"0":{"tf":3.4641016151377544},"1":{"tf":3.0},"15":{"tf":1.4142135623730951},"2":{"tf":2.8284271247461903},"23":{"tf":1.4142135623730951},"27":{"tf":2.0},"28":{"tf":1.4142135623730951},"29":{"tf":1.0},"3":{"tf":2.449489742783178},"30":{"tf":1.4142135623730951},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"34":{"tf":2.0},"4":{"tf":3.0},"41":{"tf":1.0},"42":{"tf":1.4142135623730951},"44":{"tf":2.0},"45":{"tf":1.0},"5":{"tf":3.0},"6":{"tf":2.23606797749979},"7":{"tf":1.7320508075688772},"8":{"tf":2.0},"9":{"tf":2.0}}}}}}}},"t":{".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"0":{".":{"0":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"0":{"(":{"0":{".":{"0":{"df":4,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"34":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":2,"docs":{"13":{"tf":1.0},"34":{"tf":1.4142135623730951}}},"_":{"0":{"df":1,"docs":{"11":{"tf":1.0}}},"df":0,"docs":{},"o":{"df":2,"docs":{"21":{"tf":2.8284271247461903},"39":{"tf":2.23606797749979}}}},"a":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"u":{":":{":":{"<":{"df":0,"docs":{},"m":{">":{":":{":":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"_":{"b":{"d":{"df":0,"docs":{},"f":{"2":{"df":1,"docs":{"35":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"35":{"tf":2.8284271247461903}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"k":{"df":0,"docs":{},"e":{"df":2,"docs":{"15":{"tf":1.0},"24":{"tf":1.0}},"n":{"df":4,"docs":{"42":{"tf":1.0},"43":{"tf":1.4142135623730951},"44":{"tf":1.0},"6":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":22,"docs":{"1":{"tf":2.0},"11":{"tf":1.0},"13":{"tf":2.8284271247461903},"15":{"tf":2.23606797749979},"17":{"tf":2.23606797749979},"18":{"tf":2.0},"2":{"tf":1.7320508075688772},"24":{"tf":3.3166247903554},"25":{"tf":2.0},"26":{"tf":2.23606797749979},"29":{"tf":1.0},"3":{"tf":1.7320508075688772},"30":{"tf":4.358898943540674},"31":{"tf":4.358898943540674},"33":{"tf":1.0},"34":{"tf":1.4142135623730951},"4":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":2.6457513110645907},"8":{"tf":2.23606797749979},"9":{"tf":2.23606797749979}},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"32":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"m":{"df":3,"docs":{"2":{"tf":2.449489742783178},"8":{"tf":1.0},"9":{"tf":1.0}}}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.7320508075688772},"42":{"tf":1.4142135623730951}}}},"x":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":2.0}},"{":{"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"}":{"(":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"29":{"tf":1.4142135623730951}}}}}}}},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"13":{"tf":1.0},"34":{"tf":1.0}}},"r":{"d":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":1,"docs":{"12":{"tf":1.0}}},"s":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"d":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":4,"docs":{"34":{"tf":1.0},"39":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.7320508075688772}}}}}}},"u":{"df":6,"docs":{"1":{"tf":1.0},"10":{"tf":1.0},"15":{"tf":1.0},"32":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}}}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"32":{"tf":1.0}}}}}}},"m":{"df":0,"docs":{},"e":{".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"0":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"df":27,"docs":{"0":{"tf":1.7320508075688772},"1":{"tf":2.23606797749979},"11":{"tf":1.7320508075688772},"13":{"tf":1.4142135623730951},"14":{"tf":1.0},"15":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.7320508075688772},"20":{"tf":1.0},"21":{"tf":2.23606797749979},"29":{"tf":1.4142135623730951},"3":{"tf":1.7320508075688772},"33":{"tf":1.0},"34":{"tf":1.0},"36":{"tf":1.4142135623730951},"38":{"tf":2.6457513110645907},"39":{"tf":2.8284271247461903},"4":{"tf":1.4142135623730951},"41":{"tf":1.0},"43":{"tf":2.8284271247461903},"44":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":2.23606797749979},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.7320508075688772}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"38":{"tf":1.0}}}}}}}},"s":{"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"o":{"/":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":3,"docs":{"2":{"tf":1.0},"27":{"tf":1.0},"6":{"tf":1.0}}}}}},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"13":{"tf":1.7320508075688772},"39":{"tf":1.0},"42":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"l":{"df":1,"docs":{"0":{"tf":1.0}}}},"p":{"df":1,"docs":{"9":{"tf":1.0}},"i":{"c":{"df":1,"docs":{"0":{"tf":1.0}}},"df":0,"docs":{}}},"t":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"41":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"x":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"_":{"b":{"d":{"df":0,"docs":{},"f":{"2":{"df":1,"docs":{"35":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":15,"docs":{"12":{"tf":1.0},"21":{"tf":1.7320508075688772},"23":{"tf":3.0},"24":{"tf":2.0},"25":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.7320508075688772},"29":{"tf":2.8284271247461903},"30":{"tf":1.7320508075688772},"31":{"tf":1.0},"34":{"tf":1.0},"36":{"tf":1.7320508075688772},"37":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}}},"j":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":1,"docs":{"14":{"tf":1.0}}}}}},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"l":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"0":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"45":{"tf":1.0}}},"df":0,"docs":{}}},"i":{"df":1,"docs":{"6":{"tf":1.0}},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.0}}}}}}}},"s":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":4,"docs":{"2":{"tf":1.0},"38":{"tf":1.0},"4":{"tf":1.0},"9":{"tf":1.0}}},"w":{"df":0,"docs":{},"o":{"df":10,"docs":{"1":{"tf":2.0},"2":{"tf":2.23606797749979},"3":{"tf":1.4142135623730951},"39":{"tf":1.0},"4":{"tf":1.0},"42":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.4142135623730951},"9":{"tf":1.4142135623730951}}}},"y":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"df":25,"docs":{"0":{"tf":1.0},"13":{"tf":3.3166247903554},"15":{"tf":1.4142135623730951},"17":{"tf":1.0},"18":{"tf":1.7320508075688772},"2":{"tf":2.449489742783178},"20":{"tf":1.0},"21":{"tf":2.0},"24":{"tf":3.872983346207417},"25":{"tf":2.449489742783178},"26":{"tf":2.449489742783178},"29":{"tf":1.7320508075688772},"30":{"tf":5.0990195135927845},"31":{"tf":5.0990195135927845},"33":{"tf":2.23606797749979},"34":{"tf":2.8284271247461903},"35":{"tf":1.7320508075688772},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178},"4":{"tf":1.7320508075688772},"42":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}},"i":{"c":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}},"u":{"_":{"df":0,"docs":{},"i":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":1,"docs":{"33":{"tf":2.449489742783178}},"n":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"19":{"tf":1.0}}}}}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"0":{"tf":1.0},"3":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"0":{"tf":1.0},"2":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"k":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":4,"docs":{"21":{"tf":1.0},"39":{"tf":1.0},"44":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772}}}}},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":18,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"31":{"tf":1.0},"33":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}},"p":{"d":{"a":{"df":0,"docs":{},"t":{"df":3,"docs":{"5":{"tf":1.4142135623730951},"7":{"tf":2.0},"8":{"tf":1.0}}}},"df":0,"docs":{}},"df":2,"docs":{"21":{"tf":1.0},"38":{"tf":1.0}}},"s":{"df":41,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":1.4142135623730951},"10":{"tf":1.4142135623730951},"11":{"tf":1.4142135623730951},"12":{"tf":3.0},"13":{"tf":3.4641016151377544},"14":{"tf":1.0},"15":{"tf":2.0},"17":{"tf":2.23606797749979},"18":{"tf":2.0},"19":{"tf":1.0},"2":{"tf":3.4641016151377544},"20":{"tf":2.449489742783178},"21":{"tf":3.0},"23":{"tf":1.4142135623730951},"24":{"tf":2.23606797749979},"25":{"tf":1.0},"26":{"tf":1.4142135623730951},"27":{"tf":1.0},"29":{"tf":1.0},"3":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"32":{"tf":2.23606797749979},"33":{"tf":3.0},"34":{"tf":3.0},"35":{"tf":3.1622776601683795},"36":{"tf":2.8284271247461903},"38":{"tf":2.8284271247461903},"39":{"tf":3.605551275463989},"4":{"tf":2.23606797749979},"41":{"tf":3.0},"42":{"tf":2.8284271247461903},"43":{"tf":1.0},"44":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"5":{"tf":2.23606797749979},"6":{"tf":2.6457513110645907},"7":{"tf":2.23606797749979},"8":{"tf":1.7320508075688772},"9":{"tf":2.0}},"e":{"c":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"32":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"r":{"df":11,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"10":{"tf":1.0},"11":{"tf":1.0},"12":{"tf":2.0},"15":{"tf":1.0},"22":{"tf":1.0},"38":{"tf":1.7320508075688772},"42":{"tf":1.4142135623730951},"5":{"tf":1.4142135623730951},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"z":{"df":5,"docs":{"24":{"tf":2.449489742783178},"25":{"tf":1.7320508075688772},"26":{"tf":1.7320508075688772},"30":{"tf":4.242640687119285},"31":{"tf":4.242640687119285}}}}}},"v":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"v":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"1":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"0":{".":{"2":{".":{"1":{"df":1,"docs":{"43":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"9":{"tf":1.4142135623730951}}},":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"2":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"f":{"df":0,"docs":{},"n":{"(":{"1":{"0":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}},"z":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"(":{"2":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"[":{"0":{"df":11,"docs":{"13":{"tf":1.0},"15":{"tf":1.7320508075688772},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.4142135623730951},"21":{"tf":2.0},"24":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}},"1":{"df":3,"docs":{"15":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951}}},"df":0,"docs":{},"i":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}}},"_":{"0":{"df":2,"docs":{"15":{"tf":1.7320508075688772},"9":{"tf":1.0}}},"1":{"df":1,"docs":{"15":{"tf":1.0}}},"c":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":1,"docs":{"9":{"tf":1.7320508075688772}},"k":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}},"r":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}},"s":{"(":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}},"{":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}},"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":10,"docs":{"13":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.4142135623730951},"2":{"tf":1.7320508075688772},"34":{"tf":1.4142135623730951},"35":{"tf":2.0},"36":{"tf":1.4142135623730951},"42":{"tf":1.0},"44":{"tf":1.0},"8":{"tf":1.7320508075688772}}}},"r":{"df":0,"docs":{},"i":{"a":{"b":{"df":0,"docs":{},"l":{"df":9,"docs":{"1":{"tf":2.23606797749979},"15":{"tf":1.4142135623730951},"16":{"tf":1.0},"3":{"tf":2.0},"4":{"tf":1.0},"41":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"c":{"df":1,"docs":{"6":{"tf":2.0}}},"df":21,"docs":{"13":{"tf":2.449489742783178},"15":{"tf":1.7320508075688772},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":3.3166247903554},"21":{"tf":2.0},"24":{"tf":3.7416573867739413},"25":{"tf":2.0},"26":{"tf":2.23606797749979},"29":{"tf":2.449489742783178},"3":{"tf":2.0},"30":{"tf":5.385164807134504},"31":{"tf":5.385164807134504},"34":{"tf":3.1622776601683795},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":2.449489742783178},"7":{"tf":3.3166247903554},"9":{"tf":2.6457513110645907}},"e":{"c":{"!":{"[":{"(":{"0":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{".":{"0":{"df":1,"docs":{"38":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":2,"docs":{"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}},"<":{"_":{"df":3,"docs":{"2":{"tf":2.23606797749979},"4":{"tf":1.4142135623730951},"9":{"tf":1.4142135623730951}}},"d":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"21":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":1,"docs":{"38":{"tf":1.7320508075688772}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":16,"docs":{"1":{"tf":1.4142135623730951},"11":{"tf":1.7320508075688772},"13":{"tf":3.0},"15":{"tf":2.0},"2":{"tf":1.0},"20":{"tf":2.6457513110645907},"21":{"tf":2.0},"24":{"tf":1.7320508075688772},"29":{"tf":1.0},"3":{"tf":1.0},"34":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"41":{"tf":1.0},"42":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.23606797749979}}}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"c":{"df":3,"docs":{"3":{"tf":1.4142135623730951},"4":{"tf":1.7320508075688772},"7":{"tf":3.1622776601683795}}},"df":0,"docs":{}}},"r":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":1,"docs":{"10":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"df":1,"docs":{"44":{"tf":1.0}}},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":2,"docs":{"33":{"tf":1.0},"42":{"tf":1.4142135623730951}}}}}}}},"i":{"a":{"df":6,"docs":{"0":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"41":{"tf":1.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.0}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"9":{"tf":2.8284271247461903}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"a":{"df":1,"docs":{"2":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}}},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}}}},"p":{"1":{"df":1,"docs":{"6":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"s":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}}}},"w":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":10,"docs":{"10":{"tf":1.0},"12":{"tf":2.0},"16":{"tf":1.0},"21":{"tf":1.0},"22":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":1.0},"32":{"tf":1.4142135623730951},"33":{"tf":1.4142135623730951},"39":{"tf":1.0}}}},"y":{"df":6,"docs":{"13":{"tf":1.0},"22":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":1.7320508075688772},"5":{"tf":1.7320508075688772}}}},"df":0,"docs":{},"e":{"'":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":2,"docs":{"17":{"tf":1.0},"3":{"tf":1.0}}}},"v":{"df":2,"docs":{"25":{"tf":1.0},"27":{"tf":1.0}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":4,"docs":{"0":{"tf":1.0},"24":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.0}}}}},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}}}}},"i":{"d":{"df":0,"docs":{},"e":{"df":2,"docs":{"0":{"tf":1.0},"8":{"tf":1.0}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":4,"docs":{"1":{"tf":1.0},"29":{"tf":1.0},"36":{"tf":1.4142135623730951},"39":{"tf":1.0}}}},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"1":{"tf":1.0},"12":{"tf":1.0}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"36":{"tf":1.0}}}}}}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":1,"docs":{"42":{"tf":1.0}}}}},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"45":{"tf":1.0}},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"13":{"tf":1.0},"34":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":7,"docs":{"1":{"tf":2.0},"2":{"tf":1.4142135623730951},"32":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":9,"docs":{"0":{"tf":1.4142135623730951},"10":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.7320508075688772},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"45":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0}}}}}}},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":1,"docs":{"42":{"tf":1.7320508075688772}}}}}}},"x":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"4":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"x":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"[":{"0":{"df":13,"docs":{"13":{"tf":1.7320508075688772},"15":{"tf":2.0},"17":{"tf":2.0},"18":{"tf":2.0},"20":{"tf":2.6457513110645907},"21":{"tf":3.7416573867739413},"24":{"tf":1.7320508075688772},"30":{"tf":2.23606797749979},"31":{"tf":2.23606797749979},"35":{"tf":1.7320508075688772},"36":{"tf":1.7320508075688772},"38":{"tf":2.449489742783178},"39":{"tf":3.0}}},"1":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{},"i":{"df":1,"docs":{"34":{"tf":2.449489742783178}}}},"_":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"(":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"t":{"df":5,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"x":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":1,"docs":{"4":{"tf":1.0}}}}}}},"df":21,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"18":{"tf":1.4142135623730951},"2":{"tf":3.872983346207417},"20":{"tf":1.7320508075688772},"21":{"tf":2.449489742783178},"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"30":{"tf":2.0},"31":{"tf":2.0},"34":{"tf":2.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178},"4":{"tf":2.449489742783178},"43":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":2.8284271247461903}}},"y":{"(":{"0":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{},"t":{"_":{"0":{"df":1,"docs":{"11":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},".":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"v":{"(":{"1":{".":{"0":{"df":1,"docs":{"26":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"/":{"df":0,"docs":{},"k":{"df":5,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.0},"17":{"tf":1.0},"20":{"tf":1.7320508075688772},"24":{"tf":1.0}}}},"0":{"df":2,"docs":{"2":{"tf":2.6457513110645907},"34":{"tf":1.0}}},"1":{"df":1,"docs":{"2":{"tf":2.8284271247461903}}},"2":{"df":1,"docs":{"2":{"tf":2.8284271247461903}}},"[":{"0":{"]":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"x":{"(":{"df":0,"docs":{},"f":{"6":{"4":{":":{":":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"7":{"tf":1.0}}}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":15,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":2.0},"17":{"tf":1.7320508075688772},"18":{"tf":1.7320508075688772},"20":{"tf":2.0},"21":{"tf":2.8284271247461903},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"30":{"tf":2.23606797749979},"31":{"tf":2.23606797749979},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178},"7":{"tf":1.0}}},"1":{"df":2,"docs":{"15":{"tf":1.7320508075688772},"7":{"tf":1.4142135623730951}}},"df":0,"docs":{},"i":{"df":1,"docs":{"34":{"tf":2.0}}}},"^":{"2":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{}},"_":{"0":{"(":{"df":0,"docs":{},"p":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"t":{"_":{"0":{"df":1,"docs":{"11":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"/":{"df":0,"docs":{},"k":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}}},"df":2,"docs":{"15":{"tf":1.7320508075688772},"2":{"tf":2.449489742783178}}},"1":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}},"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"(":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"(":{"\"":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}},"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}}},"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"x":{"df":1,"docs":{"4":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"7":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":21,"docs":{"11":{"tf":2.8284271247461903},"13":{"tf":2.23606797749979},"14":{"tf":1.0},"15":{"tf":2.6457513110645907},"17":{"tf":3.0},"18":{"tf":1.7320508075688772},"2":{"tf":3.872983346207417},"20":{"tf":2.8284271247461903},"21":{"tf":2.8284271247461903},"24":{"tf":1.7320508075688772},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.23606797749979},"31":{"tf":2.23606797749979},"34":{"tf":2.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178},"43":{"tf":1.0},"7":{"tf":1.0}},"s":{".":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"(":{"0":{")":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"d":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"1":{")":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"d":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":4,"docs":{"2":{"tf":1.4142135623730951},"38":{"tf":1.0},"4":{"tf":1.0},"9":{"tf":1.0}}}},"z":{"(":{"df":0,"docs":{},"t":{"df":1,"docs":{"11":{"tf":1.0}}}},"df":1,"docs":{"15":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":8,"docs":{"16":{"tf":1.0},"17":{"tf":1.0},"20":{"tf":1.0},"34":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.4142135623730951}},"t":{"df":0,"docs":{},"h":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}}},"title":{"root":{"a":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":2,"docs":{"10":{"tf":1.0},"12":{"tf":1.0}}}}},"b":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":1,"docs":{"7":{"tf":1.0}}}}},"d":{"df":0,"docs":{},"f":{"df":2,"docs":{"44":{"tf":1.0},"45":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":1,"docs":{"40":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}}}}},"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":1,"docs":{"35":{"tf":1.0}}}}}},"i":{"df":0,"docs":{},"r":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}},"df":0,"docs":{}}},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"25":{"tf":1.0}}}}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"t":{"df":1,"docs":{"33":{"tf":1.0}}}}}}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"31":{"tf":1.0}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":1,"docs":{"22":{"tf":1.0}}}}}}}},"d":{"a":{"df":0,"docs":{},"e":{"df":1,"docs":{"8":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}},"t":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}}}},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"s":{"df":0,"docs":{},"l":{"df":3,"docs":{"32":{"tf":1.0},"33":{"tf":1.0},"45":{"tf":1.0}}},"o":{"df":0,"docs":{},"l":{"df":2,"docs":{"10":{"tf":1.0},"12":{"tf":1.0}}}}}}},"s":{"c":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"5":{"tf":1.0}}}}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":1,"docs":{"18":{"tf":1.0}}}}},"y":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}},"df":0,"docs":{}}},"q":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"t":{"df":2,"docs":{"11":{"tf":1.0},"13":{"tf":1.0}}}},"df":0,"docs":{}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"5":{"tf":1.0}}}}}},"x":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":5,"docs":{"15":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}}},"df":0,"docs":{}}}}}},"f":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"16":{"tf":1.0},"17":{"tf":1.0}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"w":{"a":{"df":0,"docs":{},"r":{"d":{"df":1,"docs":{"19":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"u":{"df":0,"docs":{},"n":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":4,"docs":{"17":{"tf":1.0},"24":{"tf":1.0},"25":{"tf":1.0},"26":{"tf":1.0}}}}}}},"df":0,"docs":{}}}},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"29":{"tf":1.0}}}}},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"3":{"tf":1.0}}}}}}}},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":2,"docs":{"28":{"tf":1.0},"30":{"tf":1.0}}}}}}}}}},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"36":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":2,"docs":{"24":{"tf":1.0},"26":{"tf":1.0}}}},"df":0,"docs":{}}}}},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":3,"docs":{"14":{"tf":1.0},"4":{"tf":1.0},"8":{"tf":1.0}}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":2,"docs":{"14":{"tf":1.0},"8":{"tf":1.0}}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"d":{"df":1,"docs":{"42":{"tf":1.0}}},"df":0,"docs":{}}}}},"o":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":1.0},"6":{"tf":1.0}}}}},"df":0,"docs":{}}},"n":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"24":{"tf":1.0}}}}},"o":{"d":{"df":6,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"11":{"tf":1.0},"13":{"tf":1.0},"27":{"tf":1.0},"3":{"tf":1.0}},"e":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":2,"docs":{"28":{"tf":1.0},"30":{"tf":1.0}}}}}}},"df":0,"docs":{},"r":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"1":{"tf":1.0},"29":{"tf":1.0},"3":{"tf":1.0}}}}},"df":0,"docs":{}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"e":{"d":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":10,"docs":{"10":{"tf":1.0},"12":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.0},"22":{"tf":1.0},"31":{"tf":1.0},"34":{"tf":1.0},"37":{"tf":1.0},"38":{"tf":1.0},"41":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":1,"docs":{"43":{"tf":1.0}}}}}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":3,"docs":{"16":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":3,"docs":{"19":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.0}}}}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"39":{"tf":1.0}}}},"v":{"df":4,"docs":{"18":{"tf":1.0},"21":{"tf":1.0},"37":{"tf":1.0},"38":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"35":{"tf":1.0},"44":{"tf":1.0}}}}}}},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"34":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":3,"docs":{"10":{"tf":1.0},"17":{"tf":1.0},"20":{"tf":1.0}}}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":1,"docs":{"4":{"tf":1.0}}}}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"39":{"tf":1.0}}}},"r":{"df":0,"docs":{},"u":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"22":{"tf":1.0}}}},"df":0,"docs":{}}}},"y":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":2,"docs":{"27":{"tf":1.0},"4":{"tf":1.0}}}}}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"41":{"tf":1.0}}}}},"r":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":4,"docs":{"23":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"30":{"tf":1.0}}}}},"df":0,"docs":{}}},"v":{"df":0,"docs":{},"i":{"a":{"df":1,"docs":{"8":{"tf":1.0}}},"df":0,"docs":{}}}}}},"lang":"English","pipeline":["trimmer","stopWordFilter","stemmer"],"ref":"id","version":"0.9.5"},"results_options":{"limit_results":30,"teaser_word_count":30},"search_options":{"bool":"OR","expand":true,"fields":{"body":{"boost":1},"breadcrumbs":{"boost":1},"title":{"boost":2}}}}); \ No newline at end of file +Object.assign(window.search, {"doc_urls":["primer/modelling_with_odes.html#modelling-with-odes","primer/first_order_odes.html#explicit-first-order-odes","primer/population_dynamics.html#population-dynamics---predator-prey-model","primer/higher_order_odes.html#higher-order-odes","primer/spring_mass_systems.html#example-spring-mass-systems","primer/discrete_events.html#discrete-events","primer/compartmental_models_of_drug_delivery.html#example-compartmental-models-of-drug-delivery","primer/bouncing_ball.html#example-bouncing-ball","primer/the_mass_matrix.html#daes-via-the-mass-matrix","primer/electrical_circuits.html#example-electrical-circuits","primer/pdes.html#partial-differential-equations-pdes","primer/pdes.html#some-useful-packages","primer/heat_equation.html#example-heat-equation","primer/heat_equation.html#finite-difference-method","primer/heat_equation.html#method-of-lines-approximation","primer/heat_equation.html#diffsol-implementation","primer/physics_based_battery_simulation.html#physics-based-battery-simulation","primer/physics_based_battery_simulation.html#the-single-particle-model-state-equations","primer/physics_based_battery_simulation.html#output-variables-for-the-single-particle-model","primer/physics_based_battery_simulation.html#stopping-conditions","primer/physics_based_battery_simulation.html#solving-the-single-particle-model-using-diffsol","specify/specifying_the_problem.html#diffsol-apis-for-specifying-problems","specify/specifying_the_problem.html#ode-equations","specify/specifying_the_problem.html#diffsol-problem-apis","specify/ode_equations.html#ode-equations","specify/mass_matrix.html#mass-matrix","specify/mass_matrix.html#example","specify/root_finding.html#root-finding","specify/root_finding.html#specifying-the-root-finding-function","specify/root_finding.html#detecting-roots-during-the-solve","specify/forward_sensitivity.html#forward-sensitivity","specify/forward_sensitivity.html#specifying-the-sensitivity-problem","specify/forward_sensitivity.html#solving-the-sensitivity-problem","specify/custom/custom_problem_structs.html#custom-problem-structs","specify/custom/custom_problem_structs.html#traits","specify/custom/non_linear_functions.html#non-linear-functions","specify/custom/constant_functions.html#constant-functions","specify/custom/linear_functions.html#linear-functions","specify/custom/ode_systems.html#ode-systems","specify/custom/ode_systems.html#implementing-the-odeequations-trait","specify/custom/ode_systems.html#getting-all-your-traits-in-order","specify/custom/ode_systems.html#implementing-the-odeequations-traits","specify/custom/ode_systems.html#creating-the-problem","specify/diffsl.html#diffsl","specify/diffsl.html#diffsl-context","specify/sparse_problems.html#sparse-problems","choosing_a_solver.html#choosing-a-solver","choosing_a_solver.html#initialisation","solving_the_problem.html#solving-the-problem","solving_the_problem.html#solving-the-problem-1","solving_the_problem.html#stepping-the-solution","benchmarks.html#benchmarks","benchmarks.html#test-problems","benchmarks.html#method","benchmarks.html#results","benchmarks.html#bdf-solver","benchmarks.html#bdf--diffsl"],"index":{"documentStore":{"docInfo":{"0":{"body":236,"breadcrumbs":4,"title":2},"1":{"body":260,"breadcrumbs":10,"title":4},"10":{"body":62,"breadcrumbs":7,"title":4},"11":{"body":52,"breadcrumbs":5,"title":2},"12":{"body":48,"breadcrumbs":9,"title":3},"13":{"body":240,"breadcrumbs":9,"title":3},"14":{"body":38,"breadcrumbs":9,"title":3},"15":{"body":287,"breadcrumbs":8,"title":2},"16":{"body":109,"breadcrumbs":12,"title":4},"17":{"body":110,"breadcrumbs":13,"title":5},"18":{"body":72,"breadcrumbs":13,"title":5},"19":{"body":35,"breadcrumbs":10,"title":2},"2":{"body":587,"breadcrumbs":14,"title":5},"20":{"body":262,"breadcrumbs":14,"title":6},"21":{"body":54,"breadcrumbs":8,"title":4},"22":{"body":78,"breadcrumbs":6,"title":2},"23":{"body":93,"breadcrumbs":7,"title":3},"24":{"body":263,"breadcrumbs":8,"title":2},"25":{"body":42,"breadcrumbs":8,"title":2},"26":{"body":211,"breadcrumbs":7,"title":1},"27":{"body":21,"breadcrumbs":8,"title":2},"28":{"body":137,"breadcrumbs":10,"title":4},"29":{"body":106,"breadcrumbs":10,"title":4},"3":{"body":141,"breadcrumbs":8,"title":3},"30":{"body":25,"breadcrumbs":8,"title":2},"31":{"body":194,"breadcrumbs":9,"title":3},"32":{"body":228,"breadcrumbs":9,"title":3},"33":{"body":24,"breadcrumbs":10,"title":3},"34":{"body":74,"breadcrumbs":8,"title":1},"35":{"body":228,"breadcrumbs":13,"title":3},"36":{"body":71,"breadcrumbs":11,"title":2},"37":{"body":90,"breadcrumbs":11,"title":2},"38":{"body":17,"breadcrumbs":11,"title":2},"39":{"body":11,"breadcrumbs":12,"title":3},"4":{"body":174,"breadcrumbs":13,"title":4},"40":{"body":132,"breadcrumbs":12,"title":3},"41":{"body":355,"breadcrumbs":12,"title":3},"42":{"body":375,"breadcrumbs":11,"title":2},"43":{"body":70,"breadcrumbs":6,"title":1},"44":{"body":145,"breadcrumbs":7,"title":2},"45":{"body":349,"breadcrumbs":8,"title":2},"46":{"body":209,"breadcrumbs":4,"title":2},"47":{"body":171,"breadcrumbs":3,"title":1},"48":{"body":10,"breadcrumbs":4,"title":2},"49":{"body":206,"breadcrumbs":4,"title":2},"5":{"body":179,"breadcrumbs":6,"title":2},"50":{"body":318,"breadcrumbs":4,"title":2},"51":{"body":23,"breadcrumbs":2,"title":1},"52":{"body":198,"breadcrumbs":3,"title":2},"53":{"body":241,"breadcrumbs":2,"title":1},"54":{"body":56,"breadcrumbs":2,"title":1},"55":{"body":145,"breadcrumbs":3,"title":2},"56":{"body":99,"breadcrumbs":3,"title":2},"6":{"body":524,"breadcrumbs":14,"title":5},"7":{"body":341,"breadcrumbs":10,"title":3},"8":{"body":233,"breadcrumbs":10,"title":4},"9":{"body":349,"breadcrumbs":12,"title":3}},"docs":{"0":{"body":"Ordinary Differential Equations (ODEs) are a powerful tool for modelling a wide range of physical systems. Unlike purely data-driven models, ODEs are based on the underlying physics, biology, or chemistry of the system being modelled. This makes them particularly useful for predicting the behaviour of a system under conditions that have not been observed before. In this section, we will introduce the basics of ODE modelling, and illustrate their use with a series of examples written using the DiffSol crate. The topics covered in this section are: First Order ODEs : First order ODEs are the simplest type of ODE. Any ODE system can be written as a set of first order ODEs, so libraries like DiffSol are designed such that the user provides their equations in this form. Example: Population Dynamics : A simple example of a first order ODE system, modelling the interaction of predator and prey populations. Higher Order ODEs : Higher order ODEs are ODEs that involve derivatives of order higher than one. These can be converted to a system of first order ODEs, which is the form that DiffSol expects. Example: Spring-mass systems : A simple example of a higher order ODE system, modelling the motion of a damped spring-mass system. Discrete Events : Discrete events are events that occur at specific times or when the system is in a particular state, rather than continuously. These can be modelled using ODEs by treating the events as changes in the system's state. DiffSol provides an API to detect and handle these events. Example: Compartmental models of Drug Delivery : Pharmacokinetic models are a common example of systems with discrete events, where the drug is absorbed, distributed, metabolised, and excreted by the body. The drug is often administered at discrete times, and the model must account for this. Example: Bouncing Ball : A simple example of a system where the discrete event occurs when the ball hits the ground, instead of a specific time. DAEs via the Mass Matrix : Differential Algebraic Equations (DAEs) are a generalisation of ODEs that include algebraic equations as well as differential equations. DiffSol can solve DAEs by treating them as ODEs with a mass matrix. This section explains how to use the mass matrix to solve DAEs. Example: Electrical Circuits : Electrical circuits are a common example of DAEs, here we will model a simple low-pass LRC filter circuit.","breadcrumbs":"Modelling with ODEs » Modelling with ODEs","id":"0","title":"Modelling with ODEs"},"1":{"body":"Ordinary Differential Equations (ODEs) are sometimes called rate equations because they describe how the rate of change of a system depends on its current state . For example, lets assume we wish to model the growth of a population of cells within a petri dish. We could define the state of the system as the concentration of cells in the dish, and assign this state to a variable \\(c\\). The rate of change of the system would then be the rate at which the concentration of cells changes with time, which we could denote as \\(\\frac{dc}{dt}\\). We know that our cells will grow at a rate proportional to the current concentration of cells, so we could write this as: \\[ \\frac{dc}{dt} = k c \\] where \\(k\\) is a constant that describes the growth rate of the cells. This is a first order ODE, because it involves only the first derivative of the state variable \\(c\\) with respect to time. We can also solve a coupled set of equations, say we had two populations of cells in the same dish that grow with different rates. We could define the state of the system as the concentrations of the two cell populations, and assign these states to variables \\(c_1\\) and \\(c_2\\). We could then write down both equations as: \\[ \\begin{align*} \\frac{dc_1}{dt} &= k_1 c_1 \\\\ \\frac{dc_2}{dt} &= k_2 c_2 \\end{align*} \\] then combine them in a vector form as: \\[ \\begin{bmatrix} \\frac{dc_1}{dt} \\\\ \\frac{dc_2}{dt} \\end{bmatrix} = \\begin{bmatrix} k_1 c_1 \\\\ k_2 c_2 \\end{bmatrix} \\] By defining a new vector of state variables \\(\\mathbf{y} = [c_1, c_2]\\) and a a function \\(\\mathbf{f}(\\mathbf{y}, t) = \\begin{bmatrix} k_1 c_1 \\\\ k_2 c_2 \\end{bmatrix}\\), we are left with the standard form of a explicit first order ODE system: \\[ \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] This is an explicit equation for the derivative of the state, \\(\\frac{d\\mathbf{y}}{dt}\\), as a function of only of the state variables \\(\\mathbf{y}\\) and of time \\(t\\). We need one more piece of information to solve this system of ODEs: the initial conditions for the populations at time \\(t = 0\\). For example, if we started with a concentration of 10 for the first population and 5 for the second population, we would write: \\[ \\mathbf{y}(0) = \\begin{bmatrix} 10 \\\\ 5 \\end{bmatrix} \\] Many ODE solver libraries, like DiffSol, require users to provide their ODEs in the form of a set of explicit first order ODEs. Given both the system of ODEs and the initial conditions, the solver can then integrate the equations forward in time to find the solution \\(\\mathbf{y}(t)\\). This is the general process for solving ODEs, so it is important to know how to translate your problem into a set of first order ODEs, and thus to the general form of a explicit first order ODE system shown above. In the next two sections, we will look at two examples of first order ODE systems: population dynamics and infectious disease, and solve them using DiffSol.","breadcrumbs":"Modelling with ODEs » Explicit First Order ODEs » Explicit First Order ODEs","id":"1","title":"Explicit First Order ODEs"},"10":{"body":"DiffSol is an ODE solver, but it can also solve PDEs. The idea is to discretize the PDE in space and time, and then solve the resulting system of ODEs. This is called the method of lines. Discretizing a PDE is a large topic, and there are many ways to do it. Common methods include finite difference, finite volume, finite element, and spectral methods. Finite difference methods are the simplest to understand and implement, so some of the examples in this book will demonstrate this method to give you a flavour of how to solve PDEs with DiffSol. However, in general we recommend that you use another package to discretise you PDE, and then import the resulting ODE system into DiffSol for solving.","breadcrumbs":"Modelling with ODEs » PDEs » Partial Differential Equations (PDEs)","id":"10","title":"Partial Differential Equations (PDEs)"},"11":{"body":"There are many packages in the Python and Julia ecosystems that can help you discretise your PDE. Here are a few that we know of, but there are many more out there: Python FEniCS : A finite element package. Uses the Unified Form Language (UFL) to specify PDEs. FireDrake : A finite element package, uses the same UFL as FEniCS. FiPy : A finite volume package. scikit-fdiff : A finite difference package. Julia: MethodOfLines.jl : A finite difference package. Gridap.jl : A finite element package.","breadcrumbs":"Modelling with ODEs » PDEs » Some useful packages","id":"11","title":"Some useful packages"},"12":{"body":"Lets consider a simple example, the heat equation. The heat equation is a PDE that describes how the temperature of a material changes over time. In one dimension, the heat equation is \\[ \\frac{\\partial u}{\\partial t} = D \\frac{\\partial^2 u}{\\partial x^2} \\] where \\(u(x, t)\\) is the temperature of the material at position \\(x\\) and time \\(t\\), and \\(D\\) is the thermal diffusivity of the material. To solve this equation, we need to discretize it in space and time. We can use a finite difference method to do this.","breadcrumbs":"Modelling with ODEs » PDEs » Example: Heat Equation » Example: Heat equation","id":"12","title":"Example: Heat equation"},"13":{"body":"The finite difference method is a numerical method for discretising a spatial derivative like \\(\\frac{\\partial^2 u}{\\partial x^2}\\). It approximates this continuous term by a discrete term, in this case the multiplication of a matrix by a vector. We can use this discretisation method to convert the heat equation into a system of ODEs suitable for DiffSol. We will not go into the details of the finite difference method here but mearly derive a single finite difference approximation for the term \\(\\frac{\\partial^2 u}{\\partial x^2}\\), or \\(u_{xx}\\) using more compact notation. The central FD approximation of \\(u_{xx}\\) is: \\[ u_{xx} \\approx \\frac{u(x + h) - 2u(x) + u(x-h)}{h^2} \\] where \\(h\\) is the spacing between points along the x-axis. We will discretise \\(u_{xx} = 0\\) at \\(N\\) regular points along \\(x\\) from 0 to 1, given by \\(x_1\\), \\(x_2\\), ... +----+----+----------+----+> x 0 x_1 x_2 ... x_N 1 Using this set of point and the discretised equation, this gives a set of \\(N\\) equations at each interior point on the domain: \\[ \\frac{v_{i+1} - 2v_i + v_{i-1}}{h^2} \\text{ for } i = 1...N \\] where \\(v_i \\approx u(x_i)\\) We will need additional equations at \\(x=0\\) and \\(x=1\\), known as the boundary conditions . For this example we will use \\(u(x) = g(x)\\) at \\(x=0\\) and \\(x=1\\) (also known as a non-homogenous Dirichlet bc), so that \\(v_0 = g(0)\\), and \\(v_{N+1} = g(1)\\), and the equation at \\(x_1\\) becomes: \\[ \\frac{v_{i+1} - 2v_i + g(0)}{h^2} \\] and the equation at \\(x_N\\) becomes: \\[ \\frac{g(1) - 2v_i + v_{i-1}}{h^2} \\] We can therefore represent the final \\(N\\) equations in matrix form like so: \\[ \\frac{1}{h^2} \\begin{bmatrix} -2 & 1 & & & \\\\ 1 & -2 & 1 & & \\\\ &\\ddots & \\ddots & \\ddots &\\\\ & & 1 & -2 & 1 \\\\ & & & 1 & -2 \\end{bmatrix} \\begin{bmatrix} v_1 \\\\ v_2 \\\\ \\vdots \\\\ v_{N-1}\\\\ v_{N} \\end{bmatrix} + \\frac{1}{h^2} \\begin{bmatrix} g(0) \\\\ 0 \\\\ \\vdots \\\\ 0 \\\\ g(1) \\end{bmatrix} \\] The relevant sparse matrix here is \\(A\\), given by \\[ A = \\begin{bmatrix} -2 & 1 & & & \\\\ 1 & -2 & 1 & & \\\\ &\\ddots & \\ddots & \\ddots &\\\\ & & 1 & -2 & 1 \\\\ & & & 1 & -2 \\end{bmatrix} \\] As you can see, the number of non-zero elements grows linearly with the size \\(N\\), so a sparse matrix format is much preferred over a dense matrix holding all \\(N^2\\) elements! The additional vector that encodes the boundary conditions is \\(b\\), given by \\[ b = \\begin{bmatrix} g(0) \\\\ 0 \\\\ \\vdots \\\\ 0 \\\\ g(1) \\end{bmatrix} \\]","breadcrumbs":"Modelling with ODEs » PDEs » Example: Heat Equation » Finite difference method","id":"13","title":"Finite difference method"},"14":{"body":"We can use our FD approximation of the spatial derivative to convert the heat equation into a system of ODEs. We can write the heat equation as: \\[ \\frac{du}{dt} = D \\frac{d^2 u}{dx^2} \\approx \\frac{D}{h^2} (A u + b) \\] where \\(u\\) is a vector of temperatures at each point in space, \\(A\\) and \\(b\\) is the sparse matrix and vector we derived above. This is a system of ODEs that we can solve using DiffSol.","breadcrumbs":"Modelling with ODEs » PDEs » Example: Heat Equation » Method of Lines Approximation","id":"14","title":"Method of Lines Approximation"},"15":{"body":"use diffsol::{ DiffSl, OdeBuilder, CraneliftModule, SparseColMat, FaerSparseLU, OdeSolverMethod\n};\nuse plotly::{ layout::{Axis, Layout}, Plot, Surface\n};\n# use std::fs;\n# fn main() {\ntype M = SparseColMat;\ntype LS = FaerSparseLU;\ntype CG = CraneliftModule; let eqn = DiffSl::::compile(\" D { 1.0 } h { 1.0 } g { 0.0 } m { 1.0 } A_ij { (0, 0): -2.0, (0, 1): 1.0, (1, 0): 1.0, (1, 1): -2.0, (1, 2): 1.0, (2, 1): 1.0, (2, 2): -2.0, (2, 3): 1.0, (3, 2): 1.0, (3, 3): -2.0, (3, 4): 1.0, (4, 3): 1.0, (4, 4): -2.0, (4, 5): 1.0, (5, 4): 1.0, (5, 5): -2.0, (5, 6): 1.0, (6, 5): 1.0, (6, 6): -2.0, (6, 7): 1.0, (7, 6): 1.0, (7, 7): -2.0, (7, 8): 1.0, (8, 7): 1.0, (8, 8): -2.0, (8, 9): 1.0, (9, 8): 1.0, (9, 9): -2.0, (9, 10): 1.0, (10, 9): 1.0, (10, 10): -2.0, (10, 11): 1.0, (11, 10): 1.0, (11, 11): -2.0, (11, 12): 1.0, (12, 11): 1.0, (12, 12): -2.0, (12, 13): 1.0, (13, 12): 1.0, (13, 13): -2.0, (13, 14): 1.0, (14, 13): 1.0, (14, 14): -2.0, (14, 15): 1.0, (15, 14): 1.0, (15, 15): -2.0, (15, 16): 1.0, (16, 15): 1.0, (16, 16): -2.0, (16, 17): 1.0, (17, 16): 1.0, (17, 17): -2.0, (17, 18): 1.0, (18, 17): 1.0, (18, 18): -2.0, (18, 19): 1.0, (19, 18): 1.0, (19, 19): -2.0, (19, 20): 1.0, (20, 19): 1.0, (20, 20): -2.0, } b_i { (0): g, (1:20): 0.0, (20): g, } u_i { (0:5): g, (5:15): g + m, (15:21): g, } heat_i { A_ij * u_j } F_i { D * (heat_i + b_i) / (h * h) }\n\").unwrap(); let problem = OdeBuilder::::new() .build_from_eqn(eqn) .unwrap();\nlet times = (0..50).map(|i| i as f64).collect::>();\nlet mut solver = problem.bdf::().unwrap();\nlet sol = solver.solve_dense(×).unwrap(); let x = (0..21).map(|i| i as f64).collect::>();\nlet y = times;\nlet z = sol.col_iter().map(|v| v.iter().copied().collect::>()).collect::>>();\nlet trace = Surface::new(z).x(x).y(y);\nlet mut plot = Plot::new();\nplot.add_trace(trace);\nlet layout = Layout::new() .x_axis(Axis::new().title(\"x\")) .y_axis(Axis::new().title(\"t\")) .z_axis(Axis::new().title(\"u\"));\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"heat-equation\"));\n# fs::write(\"../src/primer/images/heat-equation.html\", plot_html).expect(\"Unable to write file\");\n# }","breadcrumbs":"Modelling with ODEs » PDEs » Example: Heat Equation » DiffSol Implementation","id":"15","title":"DiffSol Implementation"},"16":{"body":"Traditional battery models are based on equivalent circuit models, similar to the circuit modelled in section Electrical Circuits . These models are simple and computationally efficient, but they lack the ability to capture all of the complex electrochemical processes that occur in a battery. Physics-based models, on the other hand, are based on the electrochemical processes that occur in the battery, and can provide a more detailed description of the battery's behaviour. They are parameterized by physical properties of the battery, such as the diffusion coefficients of lithium ions in the electrodes, the reaction rate constants, and the surface area of the electrodes, and can be used to predict the battery's performance under different operating conditions, once these parameters are known. The Single Particle Model (SPM) is a physics-based model of a lithium-ion battery. It describes the diffusion of lithium ions in the positive and negative electrodes of the battery over a 1D radial domain, assuming that the properties of the electrodes are uniform across the thickness of the electrode. Here we will describe the equations that govern the SPM, and show how to solve them at different current rates to calculate the terminal voltage of the battery.","breadcrumbs":"Modelling with ODEs » PDEs » Example: Physics-based Battery Simulation » Physics-based Battery Simulation","id":"16","title":"Physics-based Battery Simulation"},"17":{"body":"The SPM model only needs to solve for the concentration of lithium ions in the positive and negative electrodes, \\(c_n\\) and \\(c_p\\). The diffusion of lithium ions in each electrode particle \\(c_i\\) is given by: \\[ \\frac{\\partial c_i}{\\partial t} = \\nabla \\cdot (D_i \\nabla c_i) \\] subject to the following boundary and initial conditions: \\[ \\left.\\frac{\\partial c_i}{\\partial r}\\right\\vert_{r=0} = 0, \\quad \\left.\\frac{\\partial c}{\\partial r}\\right\\vert_{r=R_i} = -j_i, \\quad \\left.c\\right\\vert_{t=0} = c^0_i \\] where \\(c_i\\) is the concentration of lithium ions in the positive (\\(i=n\\)) or negative (\\(i=p\\)) electrode, \\(D_i\\) is the diffusion coefficient, \\(j_i\\) is the interfacial current density, and \\(c^0_i\\) is the concentration at the particle surface. The fluxes of lithium ions in the positive and negative electrodes \\(j_i\\) are dependent on the applied current \\(I\\): \\[ j_n = \\frac{I}{a_n \\delta_n F \\mathcal{A}}, \\qquad j_p = \\frac{-I}{a_p \\delta_p F \\mathcal{A}}, \\] where \\(a_i = 3 \\epsilon_i / R_i\\) is the specific surface area of the electrode, \\(\\epsilon_i\\) is the volume fraction of active material, \\(\\delta_i\\) is the thickness of the electrode, \\(F\\) is the Faraday constant, and \\(\\mathcal{A}\\) is the electrode surface area.","breadcrumbs":"Modelling with ODEs » PDEs » Example: Physics-based Battery Simulation » The Single Particle Model state equations","id":"17","title":"The Single Particle Model state equations"},"18":{"body":"Now that we have defined the equations to solve, we turn to the output variables that we need to calculate from the state variables \\(c_n\\) and \\(c_p\\). The terminal voltage of the battery is given by: \\[ V = U_p(x_p^s) - U_n(x_n^s) + \\eta_p - \\eta_n \\] where \\(U_i\\) is the open circuit potential (OCP) of the electrode, \\(x_i^s = c_i(r=R_i) / c_i^{max}\\) is the surface stoichiometry, and \\(\\eta_i\\) is the overpotential. Assuming Butler-Volmer kinetics and \\(\\alpha_i = 0.5\\), the overpotential is given by: \\[ \\eta_i = \\frac{2RT}{F} \\sinh^{-1} \\left( \\frac{j_i F}{2i_{0,i}} \\right) \\] where the exchange current density \\(i_{0,i}\\) is given by: \\[ i_{0,i} = k_i F \\sqrt{c_e} \\sqrt{c_i(r=R_i)} \\sqrt{c_i^{max} - c_i(r=R_i)} \\] where \\(c_e\\) is the concentration of lithium ions in the electrolyte, and \\(k_i\\) is the reaction rate constant.","breadcrumbs":"Modelling with ODEs » PDEs » Example: Physics-based Battery Simulation » Output variables for the Single Particle Model","id":"18","title":"Output variables for the Single Particle Model"},"19":{"body":"We wish to terminate the simulation if the terminal voltage exceeds an upper threshold \\(V_{\\text{max}}\\) or falls below a lower threshold \\(V_{\\text{min}}\\). DiffSol uses a root-finding algorithm to detect when the terminal voltage crosses these thresholds, using the following stopping conditions: \\[ V_{\\text{max}} - V = 0, \\qquad V - V_{\\text{min}} = 0, \\]","breadcrumbs":"Modelling with ODEs » PDEs » Example: Physics-based Battery Simulation » Stopping conditions","id":"19","title":"Stopping conditions"},"2":{"body":"In this example, we will model the population dynamics of a predator-prey system using a set of first order ODEs. The Lotka-Volterra equations are a classic example of a predator-prey model, and describe the interactions between two species in an ecosystem. The first species is a prey species, which we will call \\(x\\), and the second species is a predator species, which we will call \\(y\\). The rate of change of the prey population is governed by two terms: growth and predation. The growth term represents the natural increase in the prey population in the absence of predators, and is proportional to the current population of prey. The predation term represents the rate at which the predators consume the prey, and is proportional to the product of the prey and predator populations. The rate of change of the prey population can be written as: \\[ \\frac{dx}{dt} = a x - b x y \\] where \\(a\\) is the growth rate of the prey population, and \\(b\\) is the predation rate. The rate of change of the predator population is also governed by two terms: death and growth. The death term represents the natural decrease in the predator population in the absence of prey, and is proportional to the current population of predators. The growth term represents the rate at which the predators reproduce, and is proportional to the product of the prey and predator populations, since the predators need to consume the prey to reproduce. The rate of change of the predator population can be written as: \\[ \\frac{dy}{dt} = c x y - d y \\] where \\(c\\) is the reproduction rate of the predators, and \\(d\\) is the death rate. The Lotka-Volterra equations are a simple model of predator-prey dynamics, and make several assumptions that may not hold in real ecosystems. For example, the model assumes that the prey population grows exponentially in the absence of predators, that the predator population decreases linearly in the absence of prey, and that the spatial distribution of the species has no effect. Despite these simplifications, the Lotka-Volterra equations capture some of the essential features of predator-prey interactions, such as oscillations in the populations and the dependence of each species on the other. When modelling with ODEs, it is important to consider the simplest model that captures the behaviour of interest, and to be aware of the assumptions that underlie the model. Putting the two equations together, we have a system of two first order ODEs: \\[ \\frac{x}{dt} = a x - b x y \\\\ \\frac{y}{dt} = c x y - d y \\] which can be written in vector form as: \\[ \\begin{bmatrix} \\frac{dx}{dt} \\\\ \\frac{dy}{dt} \\end{bmatrix} = \\begin{bmatrix} a x - b x y \\\\ c x y - d y \\end{bmatrix} \\] or in the general form of a first order ODE system: \\[ \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] where \\[\\mathbf{y} = \\begin{bmatrix} x \\\\ y \\end{bmatrix} \\] and \\[\\mathbf{f}(\\mathbf{y}, t) = \\begin{bmatrix} a x - b x y \\\\ c x y - d y \\end{bmatrix}\\] We also have initial conditions for the populations at time \\(t = 0\\). We can set both populations to 1 at the start like so: \\[ \\mathbf{y}(0) = \\begin{bmatrix} 1 \\\\ 1 \\end{bmatrix} \\] Let's solve this system of ODEs using the DiffSol crate. We will use the DiffSL domain-specific language to specify the problem. We could have also used Rust closures , but this allows us to illustrate the modelling process with a minimum of Rust syntax. # fn main() {\n# use std::fs;\nuse diffsol::{ DiffSl, CraneliftModule, OdeBuilder, OdeSolverMethod\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\ntype M = nalgebra::DMatrix;\ntype LS = diffsol::NalgebraLU;\ntype CG = CraneliftModule; let eqn = DiffSl::::compile(\" a { 2.0/3.0 } b { 4.0/3.0 } c { 1.0 } d { 1.0 } u_i { y1 = 1, y2 = 1, } F_i { a * y1 - b * y1 * y2, c * y1 * y2 - d * y2, }\n\").unwrap();\nlet problem = OdeBuilder::::new() .build_from_eqn(eqn).unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet (ys, ts) = solver.solve(40.0).unwrap(); let prey: Vec<_> = ys.row(0).into_iter().copied().collect();\nlet predator: Vec<_> = ys.row(1).into_iter().copied().collect();\nlet time: Vec<_> = ts.into_iter().collect(); let prey = Scatter::new(time.clone(), prey).mode(Mode::Lines).name(\"Prey\");\nlet predator = Scatter::new(time, predator).mode(Mode::Lines).name(\"Predator\"); let mut plot = Plot::new();\nplot.add_trace(prey);\nplot.add_trace(predator); let layout = Layout::new() .x_axis(Axis::new().title(\"t\")) .y_axis(Axis::new().title(\"population\"));\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"prey-predator\"));\n# fs::write(\"../src/primer/images/prey-predator.html\", plot_html).expect(\"Unable to write file\");\n# } A phase plane plot of the predator-prey system is a useful visualisation of the dynamics of the system. This plot shows the prey population on the x-axis and the predator population on the y-axis. Trajectories in the phase plane represent the evolution of the populations over time. Lets reframe the equations to introduce a new parameter \\(y_0\\) which is the initial predator and prey population. We can then plot the phase plane for different values of \\(y_0\\) to see how the system behaves for different initial conditions. Our initial conditions are now: \\[ \\mathbf{y}(0) = \\begin{bmatrix} y_0 \\\\ y_0 \\end{bmatrix} \\] so we can solve this system for different values of \\(y_0\\) and plot the phase plane for each case. We will use similar code as above, but we will introduce our new parameter and loop over different values of \\(y_0\\) # fn main() {\n# use std::fs;\nuse diffsol::{ DiffSl, CraneliftModule, OdeBuilder, OdeSolverMethod, OdeEquations\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\ntype M = nalgebra::DMatrix;\ntype LS = diffsol::NalgebraLU;\ntype CG = CraneliftModule; let eqn = DiffSl::::compile(\" in = [ y0 ] y0 { 1.0 } a { 2.0/3.0 } b { 4.0/3.0 } c { 1.0 } d { 1.0 } u_i { y1 = y0, y2 = y0, } F_i { a * y1 - b * y1 * y2, c * y1 * y2 - d * y2, }\n\").unwrap(); let mut problem = OdeBuilder::::new().p([1.0]).build_from_eqn(eqn).unwrap(); let mut plot = Plot::new();\nfor y0 in (1..6).map(f64::from) { let p = nalgebra::DVector::from_element(1, y0); problem.eqn_mut().set_params(&p); let mut solver = problem.bdf::().unwrap(); let (ys, _ts) = solver.solve(40.0).unwrap(); let prey: Vec<_> = ys.row(0).into_iter().copied().collect(); let predator: Vec<_> = ys.row(1).into_iter().copied().collect(); let phase = Scatter::new(prey, predator) .mode(Mode::Lines).name(format!(\"y0 = {}\", y0)); plot.add_trace(phase);\n} let layout = Layout::new() .x_axis(Axis::new().title(\"x\")) .y_axis(Axis::new().title(\"y\"));\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"prey-predator2\"));\n# fs::write(\"../src/primer/images/prey-predator2.html\", plot_html).expect(\"Unable to write file\");\n# }","breadcrumbs":"Modelling with ODEs » Explicit First Order ODEs » Example: Population Dynamics » Population Dynamics - Predator-Prey Model","id":"2","title":"Population Dynamics - Predator-Prey Model"},"20":{"body":"Rather than write down the equations ourselves, we will rely on the PyBaMM library to generate the equations for us. PyBaMM is a Python library that can generate a wide variety of physics-based battery models, using different parameterisations, physics and operating conditions. Combined with a tool that takes a PyBaMM model and writes it out in the DiffSL language, we can generate a DiffSL file that can be used to solve the equations of the SPM model described above. We can then use the DiffSol crate to solve the model and calculate the terminal voltage of the battery over a range of current rates. The code below reads in the DiffSL file, compiles it, and then solves the equation for different current rates. We wish to stop the simulation when either the final time is reached, or when one of the stopping conditions is met. We will output the terminal voltage of the battery at regular intervals during the simulation, because the terminal voltage can change more rapidly than the state variables $c_n$ and $c_p$, particularly during the \"knee\" of the discharge curve. The discretised equations result in sparse matrices, so we use the sparse matrix and linear solver modules provided by the faer crate to solve the equations efficiently. use diffsol::{ DiffSl, OdeBuilder, CraneliftModule, SparseColMat, FaerSparseLU, OdeSolverMethod, OdeSolverStopReason, OdeEquations, NonLinearOp,\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\n# use std::fs;\n# fn main() {\ntype M = SparseColMat;\ntype LS = FaerSparseLU;\ntype CG = CraneliftModule; let file = std::fs::read_to_string(\"../src/primer/src/spm.ds\").unwrap(); let eqn = DiffSl::::compile(&file).unwrap();\nlet mut problem = OdeBuilder::::new() .p([1.0]) .build_from_eqn(eqn) .unwrap();\nlet currents = vec![0.6, 0.8, 1.0, 1.2, 1.4];\nlet final_time = 3600.0;\nlet delta_t = 3.0; let mut plot = Plot::new();\nfor current in currents { problem.eqn.set_params(&faer::Col::from_fn(1, |_| current)); let mut solver = problem.bdf::().unwrap(); let mut v = Vec::new(); let mut t = Vec::new(); // save the initial output let mut out = problem.eqn.out().unwrap().call(solver.state().y, solver.state().t); v.push(out[0]); t.push(0.0); // solve until the final time is reached // or we reach the stop condition solver.set_stop_time(final_time).unwrap(); let mut next_output_time = delta_t; let mut finished = false; while !finished { let curr_t = match solver.step() { Ok(OdeSolverStopReason::InternalTimestep) => solver.state().t, Ok(OdeSolverStopReason::RootFound(t)) => { finished = true; t }, Ok(OdeSolverStopReason::TstopReached) => { finished = true; final_time }, Err(_) => panic!(\"unexpected solver error\"), }; while curr_t > next_output_time { let y = solver.interpolate(next_output_time).unwrap(); problem.eqn.out().unwrap().call_inplace(&y, next_output_time, &mut out); v.push(out[0]); t.push(next_output_time); next_output_time += delta_t; } } let voltage = Scatter::new(t, v) .mode(Mode::Lines) .name(format!(\"current = {} A\", current)); plot.add_trace(voltage);\n} let layout = Layout::new() .x_axis(Axis::new().title(\"t [sec]\")) .y_axis(Axis::new().title(\"voltage [V]\"));\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"battery-simulation\"));\n# fs::write(\"../src/primer/images/battery-simulation.html\", plot_html).expect(\"Unable to write file\");\n# }","breadcrumbs":"Modelling with ODEs » PDEs » Example: Physics-based Battery Simulation » Solving the Single Particle Model using DiffSol","id":"20","title":"Solving the Single Particle Model using DiffSol"},"21":{"body":"Most of the DiffSol user-facing API revolves around specifying the problem you want to solve, thus a large part of this book will be dedicated to explaining how to specify a problem. All the examples presented in the primer used the DiffSL DSL to specify the problem, but DiffSol also provides a pure Rust API for specifying problems. This API is sometimes more verbose than the DSL, but is more flexible, more performant, and easier to use if you have a model already written in Rust or another language that you can easily port or call from Rust.","breadcrumbs":"DiffSol APIs for specifying problems » DiffSol APIs for specifying problems","id":"21","title":"DiffSol APIs for specifying problems"},"22":{"body":"The class of ODE equations that DiffSol can solve are of the form \\[M(t) \\frac{dy}{dt} = f(t, y, p),\\] \\[y(t_0) = y_0(t_0, p),\\] \\[z(t) = g(t, y, p),\\] where: \\(f(t, y, p)\\) is the right-hand side of the ODE, \\(y\\) is the state vector, \\(p\\) are the parameters, \\(t\\) is the time. \\(y_0(t_0, p)\\) is the initial state vector at time \\(t_0\\). \\(M(t)\\) is the mass matrix (this is optional, and is implicitly the identity matrix if not specified), \\(g(t, y, p)\\) is an output function that can be used to calculate additional outputs from the state vector (this is optional, and is implicitly \\(g(t, y, p) = y\\) if not specified). The user can also optionally specify a root function \\(r(t, y, p)\\) that can be used to find the time at which a root occurs.","breadcrumbs":"DiffSol APIs for specifying problems » ODE equations","id":"22","title":"ODE equations"},"23":{"body":"DiffSol has three main APIs for specifying problems: The OdeBuilder struct, where the user can specify the functions above using Rust closures. This is the easiest API to use from Rust, and is the recommended API for most users. The OdeEquations trait where the user can implement the functions above on their own structs. This API is more flexible than the OdeBuilder API, but is more complex to use. It is useful if you have custom data structures and code that you want to use to evaluate your functions that does not fit within the OdeBuilder API. The DiffSl struct, where the user can specify the functions above using the DiffSL Domain Specific Language (DSL). This API is behind a feature flag (diffsl if you want to use the slower cranelift backend, diffsl-llvm* if you want to use the faster LLVM backend), but has the best API if you want to use DiffSL from a higher-level language like Python or R while still having similar performance.","breadcrumbs":"DiffSol APIs for specifying problems » DiffSol problem APIs","id":"23","title":"DiffSol problem APIs"},"24":{"body":"The simplest way to create a new ode problem is to use the OdeBuilder struct. You can use methods to set the equations to be solve, initial time, initial step size, relative & absolute tolerances, and parameters, or leave them at their default values. Then, call the build method to create a new problem. Below is an example of how to create a new ODE problem using the OdeBuilder struct. The specific problem we will solve is the logistic equation \\[\\frac{dy}{dt} = r y (1 - y/K),\\] where \\(r\\) is the growth rate and \\(K\\) is the carrying capacity. To specify the problem, we need to provide the \\(dy/dt\\) function \\(f(y, p, t)\\), and the jacobian of \\(f\\) multiplied by a vector \\(v\\) function, which we will call \\(f'(y, p, t, v)\\). That is \\[f(y, p, t) = r y (1 - y/K),\\] \\[f'(y, p, t, v) = rv (1 - 2y/K),\\] and the initial state \\[y_0(p, t) = 0.1\\] This can be done using the following code: # fn main() {\nuse diffsol::OdeBuilder;\nuse nalgebra::DVector;\ntype M = nalgebra::DMatrix; let problem = OdeBuilder::::new() .t0(0.0) .rtol(1e-6) .atol([1e-6]) .p(vec![1.0, 10.0]) .rhs_implicit( |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]), |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]), ) .init( |_p, _t| DVector::from_element(1, 0.1), ) .build() .unwrap();\n# } The rhs_implicit method is used to specify the \\(f(y, p, t)\\) and \\(f'(y, p, t, v)\\) functions, whereas the init method is used to specify the initial state vector \\(y_0(p, t)\\). We also use the t0, rtol, atol, and p methods to set the initial time, relative tolerance, absolute tolerance, and parameters, respectively. We have also specified the matrix type M to be nalgebra::DMatrix, using a generic parameter of the OdeBuilder struct. The nalgebra::DMatrix type is a dense matrix type from the nalgebra crate. Other options are: faer::Mat from faer , which is a dense matrix type. diffsol::SparseColMat, which is a thin wrapper around faer::sparse::SparseColMat, a sparse compressed sparse column matrix type. Each of these matrix types have an associated vector type that is used to represent the vectors in the problem (i.e. the state vector \\(y\\), the parameter vector \\(p\\), and the gradient vector \\(v\\)). You can see in the example above that the DVector type is explicitly used to create the initial state vector in the third closure. For these matrix types the associated vector type is: nalgebra::DVector for nalgebra::DMatrix. faer::Col for faer::Mat. faer::Coll for diffsol::SparseColMat.","breadcrumbs":"DiffSol APIs for specifying problems » ODE equations » ODE equations","id":"24","title":"ODE equations"},"25":{"body":"In some cases, it is necessary to include a mass matrix in the problem, such that the problem is of the form \\[M(t) \\frac{dy}{dt} = f(t, y, p).\\] A mass matrix is useful for PDE discretisation that lead to a non-identity mass matrix, or for DAE problems that can be transformed into ODEs with a singular mass matrix. Diffsol can handle singular and non-singular mass matrices, and the mass matrix can be time-dependent.","breadcrumbs":"DiffSol APIs for specifying problems » Mass matrix » Mass matrix","id":"25","title":"Mass matrix"},"26":{"body":"To illustrate the addition of a mass matrix to a problem, we will once again take the logistic equation, but this time we will add an additional variable that is set via an algebraic equation. This system is written as \\[\\frac{dy}{dt} = r y (1 - y/K),\\] \\[0 = y - z,\\] where \\(z\\) is the additional variable with a solution \\(z = y\\). When this system is put in the form \\(M(t) \\frac{dy}{dt} = f(t, y, p)\\), the mass matrix is \\[M(t) = \\begin{bmatrix} 1 & 0 \\\\ 0 & 0 \\end{bmatrix}.\\] Like the Jacobian, the DiffSol builder does not require the full mass matrix, instead users can provide a function that gives a GEMV (General Matrix-Vector) product of the mass matrix with a vector. \\[m(\\mathbf{v}, \\mathbf{p}, t, \\beta, \\mathbf{y}) = M(p, t) \\mathbf{v} + \\beta \\mathbf{y}. \\] Thus, to specify this problem using DiffSol, we can use the OdeBuilder struct and provide the functions: \\[f(\\mathbf{y}, \\mathbf{p}, t) = \\begin{bmatrix} r y_0 (1 - y_0/K) \\\\ y_0 - y_1 \\end{bmatrix},\\] \\[f'(\\mathbf{y}, \\mathbf{p}, t, \\mathbf{v}) = \\begin{bmatrix} r v_0 (1 - 2 y_0/K) \\\\ v_0 - v_1 \\end{bmatrix},\\] \\[m(\\mathbf{v}, \\mathbf{p}, t, \\beta, \\mathbf{y}) = \\begin{bmatrix} v_0 + \\beta y_0 \\\\ \\beta y_1 \\end{bmatrix}.\\] where \\(f\\) is the right-hand side of the ODE, \\(f'\\) is the Jacobian of \\(f\\) multiplied by a vector, and \\(m\\) is the mass matrix multiplied by a vector. # fn main() {\nuse diffsol::OdeBuilder;\nuse nalgebra::{DMatrix, DVector};\ntype M = DMatrix;\ntype V = DVector; let problem = OdeBuilder::::new() .t0(0.0) .rtol(1e-6) .atol([1e-6]) .p(vec![1.0, 10.0]) .rhs_implicit( |x, p, _t, y| { y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]); y[1] = x[0] - x[1]; }, |x, p, _t, v , y| { y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]); y[1] = v[0] - v[1]; }, ) .mass( |v, _p, _t, beta, y| { y[0] = v[0] + beta * y[0]; y[1] *= beta; }, ) .init(|_p, _t| V::from_element(2, 0.1)) .build() .unwrap();\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Mass matrix » Example","id":"26","title":"Example"},"27":{"body":"Root finding is the process of finding the values of the variables that make a set of equations equal to zero. This is a common problem where you want to stop the solver or perform some action when a certain condition is met.","breadcrumbs":"DiffSol APIs for specifying problems » Root finding » Root finding","id":"27","title":"Root finding"},"28":{"body":"Using the logistic example, we can add a root finding function \\(r(y, p, t)\\) that will stop the solver when the value of \\(y\\) is such that \\(r(y, p, t) = 0\\). For this example we'll use the root finding function \\(r(y, p, t) = y - 0.5\\), which will stop the solver when the value of \\(y\\) is 0.5. \\[\\frac{dy}{dt} = r y (1 - y/K),\\] \\[r(y, p, t) = y - 0.5,\\] This can be done using the OdeBuilder via the following code: # fn main() {\nuse diffsol::OdeBuilder;\nuse nalgebra::DVector;\ntype M = nalgebra::DMatrix; let problem = OdeBuilder::::new() .t0(0.0) .rtol(1e-6) .atol([1e-6]) .p(vec![1.0, 10.0]) .rhs_implicit( |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]), |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]), ) .init(|_p, _t| DVector::from_element(1, 0.1)) .root(|x, _p, _t, y| y[0] = x[0] - 0.5, 1) .build() .unwrap();\n# } here we have added the root finding function \\(r(y, p, t) = y - 0.5\\), and also let DiffSol know that we have one root function by passing 1 as the last argument to the root method. If we had specified more than one root function, the solver would stop when any of the root functions are zero.","breadcrumbs":"DiffSol APIs for specifying problems » Root finding » Specifying the root finding function","id":"28","title":"Specifying the root finding function"},"29":{"body":"To detect the root during the solve, we can use the return type on the step method of the solver. If successful the step method returns an OdeSolverStopReason enum that contains the reason the solver stopped. # fn main() {\n# use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverMethod, OdeSolverStopReason, NalgebraLU};\ntype LS = NalgebraLU; # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .root(|x, _p, _t, y| y[0] = x[0] - 0.5, 1)\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet t = loop { match solver.step() { Ok(OdeSolverStopReason::InternalTimestep) => continue, Ok(OdeSolverStopReason::TstopReached) => panic!(\"We didn't set a stop time\"), Ok(OdeSolverStopReason::RootFound(t)) => break t, Err(e) => panic!(\"Solver failed to converge: {}\", e), }\n};\nprintln!(\"Root found at t = {}\", t);\nlet _soln = &solver.state().y;\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Root finding » Detecting roots during the solve","id":"29","title":"Detecting roots during the solve"},"3":{"body":"The order of an ODE is the highest derivative that appears in the equation. So far, we have only looked at first order ODEs, which involve only the first derivative of the state variable with respect to time. However, many physical systems are described by higher order ODEs, which involve second or higher derivatives of the state variable. A simple example of a second order ODE is the motion of a mass under the influence of gravity. The equation of motion for the mass can be written as: \\[ \\frac{d^2x}{dt^2} = -g \\] where \\(x\\) is the position of the mass, \\(t\\) is time, and \\(g\\) is the acceleration due to gravity. This is a second order ODE because it involves the second derivative of the position with respect to time. Higher order ODEs can always be rewritten as a system of first order ODEs by introducing new variables. For example, we can rewrite the second order ODE above as a system of two first order ODEs by introducing a new variable for the velocity of the mass: \\[ \\begin{align*} \\frac{dx}{dt} &= v \\\\ \\frac{dv}{dt} &= -g \\end{align*} \\] where \\(v = \\frac{dx}{dt}\\) is the velocity of the mass. This is a system of two first order ODEs, which can be written in vector form as: \\[ \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] where \\[ \\mathbf{y} = \\begin{bmatrix} x \\\\ v \\end{bmatrix} \\] and \\[ \\mathbf{f}(\\mathbf{y}, t) = \\begin{bmatrix} v \\\\ -g \\end{bmatrix} \\] In the next section, we'll look at another example of a higher order ODE system: the spring-mass system, and solve this using DiffSol.","breadcrumbs":"Modelling with ODEs » Higher Order ODEs » Higher Order ODEs","id":"3","title":"Higher Order ODEs"},"30":{"body":"In this section we will discuss how to compute the forward sensitivity of the solution of an ODE problem. The forward sensitivity is the derivative of the solution with respect to the parameters of the problem. This is useful for many applications, such as parameter estimation, optimal control, and uncertainty quantification.","breadcrumbs":"DiffSol APIs for specifying problems » Forward Sensitivity » Forward Sensitivity","id":"30","title":"Forward Sensitivity"},"31":{"body":"We will again use the example of the logistic growth equation, but this time we will compute the sensitivity of the solution \\(y\\) with respect to the parameters \\(r\\) and \\(K\\) (i.e. \\(\\frac{dy}{dr}\\) and \\(\\frac{dy}{dK}\\)). The logistic growth equation is: \\[\\frac{dy}{dt} = r y (1 - y/K),\\] \\[y(0) = 0.1\\] Recall from ODE equations that we also need to provide the jacobian of the right hand side of the ODE with respect to the state vector \\(y\\) and the gradient vector \\(v\\), which we will call \\(J\\). This is: \\[J v = \\begin{bmatrix} r v (1 - 2 y/K) \\end{bmatrix}.\\] Using the logistic growth equation above, we can compute the partial derivative of the right hand side of the ODE with respect to the vector \\([r, K]\\) multiplied by a vector \\(v = [v_r, v_K]\\), which we will call \\(J_p v\\). This is: \\[J_p v = v_r y (1 - y/K) + v_K r y^2 / K^2 .\\] We also need the partial derivative of the initial state vector with respect to the parameters multiplied by a vector \\(v\\), which we will call \\(J_{y_0} v\\). Since the initial state vector is constant, this is just zero \\[J_{y_0} v = 0.\\] We can then use the OdeBuilder struct to specify the sensitivity problem. The rhs_sens_implicit and init_sens methods are used to create a new problem that includes the sensitivity equations. # fn main() {\nuse diffsol::OdeBuilder;\nuse nalgebra::DVector;\ntype M = nalgebra::DMatrix; let problem = OdeBuilder::::new() .p(vec![1.0, 10.0]) .rhs_sens_implicit( |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]), |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]), |x, p, _t, v, y| y[0] = v[0] * x[0] * (1.0 - x[0] / p[1]) + v[1] * p[0] * x[0] * x[0] / (p[1] * p[1]), ) .init_sens( |_p, _t| DVector::from_element(1, 0.1), |_p, _t, _v, y| y[0] = 0.0, ) .build() .unwrap();\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Forward Sensitivity » Specifying the sensitivity problem","id":"31","title":"Specifying the sensitivity problem"},"32":{"body":"Once the sensitivity problem has been specified, we can solve it using the OdeSolverMethod trait. Lets imagine we want to solve the sensitivity problem up to a time \\(t_o = 10\\). We can use the OdeSolverMethod trait to solve the problem as normal, stepping forward in time until we reach \\(t_o\\). # fn main() {\n# use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverMethod, NalgebraLU};\ntype LS = NalgebraLU; # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_sens_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# |x, p, _t, v, y| y[0] = v[0] * x[0] * (1.0 - x[0] / p[1]) # + v[1] * p[0] * x[0] * x[0] / (p[1] * p[1]),\n# )\n# .init_sens(\n# |_p, _t| DVector::from_element(1, 0.1),\n# |_p, _t, _v, y| y[0] = 0.0,\n# )\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet t_o = 10.0;\nwhile solver.state().t < t_o { solver.step().unwrap();\n}\n# } We can then obtain the sensitivity vectors at time \\(t_o\\) using the interpolate_sens method on the OdeSolverMethod trait. This method returns a Vec> where each element of the vector is the sensitivity vector for element \\(i\\) of the parameter vector at time \\(t_o\\). If we need the sensitivity at the current internal time step, we can get this from the s field of the OdeSolverState struct. # fn main() {\n# use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\n# use diffsol::{OdeSolverMethod, OdeSolverState, NalgebraLU};\n# type LS = NalgebraLU;\n# # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_sens_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# |x, p, _t, v, y| y[0] = v[0] * x[0] * (1.0 - x[0] / p[1]) # + v[1] * p[0] * x[0] * x[0] / (p[1] * p[1]),\n# )\n# .init_sens(\n# |_p, _t| DVector::from_element(1, 0.1),\n# |_p, _t, _v, y| y[0] = 0.0,\n# )\n# .build()\n# .unwrap();\n# let mut solver = problem.bdf::().unwrap();\n# let t_o = 10.0;\n# while solver.state().t < t_o {\n# solver.step().unwrap();\n# }\nlet sens_at_t_o = solver.interpolate_sens(t_o).unwrap();\nlet sens_at_internal_step = &solver.state().s;\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Forward Sensitivity » Solving the sensitivity problem","id":"32","title":"Solving the sensitivity problem"},"33":{"body":"While the OdeBuilder struct is a convenient way to specify the problem, it may not be suitable in all cases. Often users will want to provide their own structs that can hold custom data structures and methods for evaluating the right-hand side of the ODE, the jacobian, and other functions.","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » Custom Problem Structs","id":"33","title":"Custom Problem Structs"},"34":{"body":"To create your own structs for the ode system, the final goal is to implement the OdeEquations trait. When you have done this, you can use the build_from_eqn method on the OdeBuilder struct to create the problem. For each function in your system of equations, you will need to implement the appropriate trait for each function. Non-linear functions (rhs, out, root). In this case the NonLinearOp trait needs to be implemented. Linear functions (mass). In this case the LinearOp trait needs to be implemented. Constant functions (init). In this case the ConstantOp trait needs to be implemented. Additionally, each function needs to implement the base operation trait Op . Once you have implemented the appropriate traits for your custom struct, you can use the OdeBuilder struct to specify the problem.","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » Traits","id":"34","title":"Traits"},"35":{"body":"To illustrate how to implement a custom problem struct, we will take the familar logistic equation: \\[\\frac{dy}{dt} = r y (1 - y/K),\\] Our goal is to implement a custom struct that can evaluate the rhs function \\(f(y, p, t)\\) and the jacobian multiplied by a vector \\(f'(y, p, t, v)\\). First we define an empty struct. For a more complex problem, this struct could hold data structures neccessary to compute the rhs. # fn main() {\ntype T = f64;\ntype V = nalgebra::DVector; struct MyProblem;\n# } Now we will implement the base Op trait for our struct. The Op trait specifies the types of the vectors and matrices that will be used, as well as the number of states and outputs in the rhs function. # fn main() {\nuse diffsol::Op; type T = f64;\ntype V = nalgebra::DVector;\ntype M = nalgebra::DMatrix; # struct MyProblem;\n# # impl MyProblem {\n# fn new() -> Self {\n# MyProblem {}\n# }\n# }\n# impl Op for MyProblem { type T = T; type V = V; type M = M; fn nstates(&self) -> usize { 1 } fn nout(&self) -> usize { 1 } fn nparams(&self) -> usize { 0 }\n}\n# } Next we implement the NonLinearOp and NonLinearOpJacobian trait for our struct. This trait specifies the functions that will be used to evaluate the rhs function and the jacobian multiplied by a vector. # fn main() {\nuse diffsol::{ NonLinearOp, NonLinearOpJacobian\n};\n# use diffsol::Op; # type T = f64;\n# type V = nalgebra::DVector;\n# type M = nalgebra::DMatrix;\n#\n# struct MyProblem;\n# # impl MyProblem {\n# fn new() -> Self {\n# MyProblem { }\n# }\n# }\n# # impl Op for MyProblem {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# } impl<'a> NonLinearOp for MyProblem { fn call_inplace(&self, x: &V, _t: T, y: &mut V) { y[0] = x[0] * (1.0 - x[0]); }\n}\nimpl<'a> NonLinearOpJacobian for MyProblem { fn jac_mul_inplace(&self, x: &V, _t: T, v: &V, y: &mut V) { y[0] = v[0] * (1.0 - 2.0 * x[0]); }\n}\n# } There we go, all done! This demonstrates how to implement a custom struct to specify a rhs function.","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » Non-linear functions » Non-linear functions","id":"35","title":"Non-linear functions"},"36":{"body":"Now we've implemented the rhs function, but how about the initial condition? We can implement the ConstantOp trait to specify the initial condition. Since this is quite similar to the NonLinearOp trait, we will do it all in one go. # fn main() {\nuse diffsol::{Op, ConstantOp}; # type T = f64;\n# type V = nalgebra::DVector;\n# type M = nalgebra::DMatrix;\n#\nstruct MyInit {} impl Op for MyInit { type T = T; type V = V; type M = M; fn nstates(&self) -> usize { 1 } fn nout(&self) -> usize { 1 } fn nparams(&self) -> usize { 0 }\n} impl ConstantOp for MyInit { fn call_inplace(&self, _t: T, y: &mut V) { y[0] = 0.1; }\n}\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » Constant functions » Constant functions","id":"36","title":"Constant functions"},"37":{"body":"Naturally, we can also implement the LinearOp trait if we want to include a mass matrix in our model. A common use case for implementing this trait is to store the mass matrix in a custom struct, like so: # fn main() {\nuse diffsol::{Op, LinearOp}; # type T = f64;\n# type V = nalgebra::DVector;\n# type M = nalgebra::DMatrix;\n#\nstruct MyMass { mass: M,\n} impl MyMass { fn new() -> Self { let mass = M::from_element(1, 1, 1.0); Self { mass } }\n} impl Op for MyMass { type T = T; type V = V; type M = M; fn nstates(&self) -> usize { 1 } fn nout(&self) -> usize { 1 } fn nparams(&self) -> usize { 0 }\n} impl LinearOp for MyMass { fn gemv_inplace(&self, x: &V, _t: T, beta: T, y: &mut V) { y.gemv(1.0, &self.mass, x, beta) }\n}\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » Linear functions » Linear functions","id":"37","title":"Linear functions"},"38":{"body":"So far we've focused on using custom structs to specify individual equations, now we need to put these together to specify the entire system of equations.","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » ODE systems » ODE systems","id":"38","title":"ODE systems"},"39":{"body":"To specify the entire system of equations, you need to implement the Op, OdeEquations and OdeEquationsRef traits for your struct.","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » ODE systems » Implementing the OdeEquations trait","id":"39","title":"Implementing the OdeEquations trait"},"4":{"body":"We will model a damped spring-mass system using a second order ODE. The system consists of a mass \\(m\\) attached to a spring with spring constant \\(k\\), and a damping force proportional to the velocity of the mass with damping coefficient \\(c\\). Spring-mass system The equation of motion for the mass can be written as: \\[ m \\frac{d^2x}{dt^2} = -k x - c \\frac{dx}{dt} \\] where \\(x\\) is the position of the mass, \\(t\\) is time, and the negative sign on the right hand side indicates that the spring force and damping force act in the opposite direction to the displacement of the mass. We can convert this to a system of two first order ODEs by introducing a new variable for the velocity of the mass: \\[ \\begin{align*} \\frac{dx}{dt} &= v \\\\ \\frac{dv}{dt} &= -\\frac{k}{m} x - \\frac{c}{m} v \\end{align*} \\] where \\(v = \\frac{dx}{dt}\\) is the velocity of the mass. We can solve this system of ODEs using DiffSol with the following code: # fn main() {\n# use std::fs;\nuse diffsol::{ DiffSl, CraneliftModule, OdeBuilder, OdeSolverMethod\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\ntype M = nalgebra::DMatrix;\ntype CG = CraneliftModule;\ntype LS = diffsol::NalgebraLU; let eqn = DiffSl::::compile(\" k { 1.0 } m { 1.0 } c { 0.1 } u_i { x = 1, v = 0, } F_i { v, -k/m * x - c/m * v, }\n\").unwrap();\nlet problem = OdeBuilder::::new() .build_from_eqn(eqn).unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet (ys, ts) = solver.solve(40.0).unwrap(); let x: Vec<_> = ys.row(0).into_iter().copied().collect();\nlet time: Vec<_> = ts.into_iter().collect(); let x_line = Scatter::new(time.clone(), x).mode(Mode::Lines); let mut plot = Plot::new();\nplot.add_trace(x_line); let layout = Layout::new() .x_axis(Axis::new().title(\"t\")) .y_axis(Axis::new().title(\"x\"));\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"sping-mass-system\"));\n# fs::write(\"../src/primer/images/spring-mass-system.html\", plot_html).expect(\"Unable to write file\");\n# }","breadcrumbs":"Modelling with ODEs » Higher Order ODEs » Example: Spring-mass systems » Example: Spring-mass systems","id":"4","title":"Example: Spring-mass systems"},"40":{"body":"The OdeEquations trait requires methods that return objects corresponding to the right-hand side function, mass matrix, root function, initial condition, and output functions. Therefore, you need to already have structs that implement the NonLinearOp, LinearOp, and ConstantOp traits for these functions. For the purposes of this example, we will assume that you have already implemented these traits for your structs. Often, the structs that implement these traits will have to use data defined in the struct that implements the OdeEquations trait. For example, they might wish to have a reference to the same parameter vector p. Therefore, you will often need to define lifetimes for these structs to ensure that they can access the data they need. Note that these struct will need to be lightweight and should not contain a significant amount of data. The data should be stored in the struct that implements the OdeEquations trait. This is because these structs will be created and destroyed many times during the course of the simulation (e.g. every time the right-hand side function is called). # fn main() {\ntype T = f64;\ntype V = nalgebra::DVector;\ntype M = nalgebra::DMatrix;\nstruct MyRhs<'a> { p: &'a V } // implements NonLinearOp\nstruct MyMass<'a> { p: &'a V } // implements LinearOp\nstruct MyInit<'a> { p: &'a V } // implements ConstantOp\nstruct MyRoot<'a> { p: &'a V } // implements NonLinearOp\nstruct MyOut<'a> { p: &'a V } // implements NonLinearOp\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » ODE systems » Getting all your traits in order","id":"40","title":"Getting all your traits in order"},"41":{"body":"Lets imagine we have a struct MyProblem that we want to use to specify the entire system of equations. We can implement the Op, OdeEquations, and OdeEquationsRef traits for this struct like so: use diffsol::{Op, NonLinearOp, LinearOp, ConstantOp, OdeEquations, OdeEquationsRef};\n# fn main() {\n# type T = f64;\n# type V = nalgebra::DVector;\n# type M = nalgebra::DMatrix;\n# struct MyRhs<'a> { p: &'a V } // implements NonLinearOp\n# struct MyMass<'a> { p: &'a V } // implements LinearOp\n# struct MyInit<'a> { p: &'a V } // implements ConstantOp\n# struct MyRoot<'a> { p: &'a V } // implements NonLinearOp\n# struct MyOut<'a> { p: &'a V } // implements NonLinearOp\n# impl Op for MyRhs<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 2\n# }\n# }\n# impl NonLinearOp for MyRhs<'_> {\n# fn call_inplace(&self, x: &V, _t: T, y: &mut V) {\n# y[0] = x[0] * x[0];\n# }\n# }\n# impl Op for MyMass<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl LinearOp for MyMass<'_> {\n# fn gemv_inplace(&self, x: &V, _t: T, beta: T, y: &mut V) {\n# y[0] = x[0] * beta;\n# }\n# }\n# impl Op for MyInit<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl ConstantOp for MyInit<'_> {\n# fn call_inplace(&self, _t: T, y: &mut V) {\n# y[0] = 0.1;\n# }\n# }\n# impl Op for MyRoot<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl NonLinearOp for MyRoot<'_> {\n# fn call_inplace(&self, x: &V, _t: T, y: &mut V) {\n# y[0] = x[0] - 1.0;\n# }\n# }\n# impl Op for MyOut<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl NonLinearOp for MyOut<'_> {\n# fn call_inplace(&self, x: &V, _t: T, y: &mut V) {\n# y[0] = x[0];\n# }\n# } struct MyProblem { p: V,\n} impl MyProblem { fn new() -> Self { MyProblem { p: V::zeros(2) } }\n} impl Op for MyProblem { type T = T; type V = V; type M = M; fn nstates(&self) -> usize { 1 } fn nout(&self) -> usize { 1 } fn nparams(&self) -> usize { 2 }\n} impl<'a> OdeEquationsRef<'a> for MyProblem { type Rhs = MyRhs<'a>; type Mass = MyMass<'a>; type Init = MyInit<'a>; type Root = MyRoot<'a>; type Out = MyOut<'a>;\n} impl OdeEquations for MyProblem { fn rhs(&self) -> >::Rhs { MyRhs { p: &self.p } } fn mass(&self) -> Option<>::Mass> { Some(MyMass { p: &self.p }) } fn init(&self) -> >::Init { MyInit { p: &self.p } } fn root(&self) -> Option<>::Root> { Some(MyRoot { p: &self.p }) } fn out(&self) -> Option<>::Out> { Some(MyOut { p: &self.p }) } fn set_params(&mut self, p: &V) { self.p.copy_from(p); }\n}\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » ODE systems » Implementing the OdeEquations traits","id":"41","title":"Implementing the OdeEquations traits"},"42":{"body":"Now that we have our custom OdeEquations struct, we can use it in an OdeBuilder to create the problem. Hint: click the button below to see the full code, which includes the implementation of the Op, NonLinearOp, LinearOp, and ConstantOp traits for the MyRhs, MyMass, MyInit, MyRoot, and MyOut structs. use diffsol::{Op, NonLinearOp, LinearOp, ConstantOp, OdeEquations, OdeEquationsRef};\n# fn main() {\n# type T = f64;\n# type V = nalgebra::DVector;\n# type M = nalgebra::DMatrix;\n# struct MyRhs<'a> { p: &'a V } // implements NonLinearOp\n# struct MyMass<'a> { p: &'a V } // implements LinearOp\n# struct MyInit<'a> { p: &'a V } // implements ConstantOp\n# struct MyRoot<'a> { p: &'a V } // implements NonLinearOp\n# struct MyOut<'a> { p: &'a V } // implements NonLinearOp\n# impl Op for MyRhs<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 2\n# }\n# }\n# impl NonLinearOp for MyRhs<'_> {\n# fn call_inplace(&self, x: &V, _t: T, y: &mut V) {\n# y[0] = x[0] * x[0];\n# }\n# }\n# impl Op for MyMass<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl LinearOp for MyMass<'_> {\n# fn gemv_inplace(&self, x: &V, _t: T, beta: T, y: &mut V) {\n# y[0] = x[0] * beta;\n# }\n# }\n# impl Op for MyInit<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl ConstantOp for MyInit<'_> {\n# fn call_inplace(&self, _t: T, y: &mut V) {\n# y[0] = 0.1;\n# }\n# }\n# impl Op for MyRoot<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl NonLinearOp for MyRoot<'_> {\n# fn call_inplace(&self, x: &V, _t: T, y: &mut V) {\n# y[0] = x[0] - 1.0;\n# }\n# }\n# impl Op for MyOut<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl NonLinearOp for MyOut<'_> {\n# fn call_inplace(&self, x: &V, _t: T, y: &mut V) {\n# y[0] = x[0];\n# }\n# }\n# # struct MyProblem {\n# p: V,\n# }\n# # impl MyProblem {\n# fn new() -> Self {\n# MyProblem { p: V::zeros(2) }\n# }\n# }\n# # impl Op for MyProblem {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 2\n# }\n# }\n# # impl<'a> OdeEquationsRef<'a> for MyProblem {\n# type Rhs = MyRhs<'a>;\n# type Mass = MyMass<'a>;\n# type Init = MyInit<'a>;\n# type Root = MyRoot<'a>;\n# type Out = MyOut<'a>;\n# }\n# # impl OdeEquations for MyProblem {\n# fn rhs(&self) -> >::Rhs {\n# MyRhs { p: &self.p }\n# }\n# fn mass(&self) -> Option<>::Mass> {\n# Some(MyMass { p: &self.p })\n# }\n# fn init(&self) -> >::Init {\n# MyInit { p: &self.p }\n# }\n# fn root(&self) -> Option<>::Root> {\n# Some(MyRoot { p: &self.p })\n# }\n# fn out(&self) -> Option<>::Out> {\n# Some(MyOut { p: &self.p })\n# }\n# fn set_params(&mut self, p: &V) {\n# self.p.copy_from(p);\n# }\n# }\nuse diffsol::OdeBuilder;\nlet problem = OdeBuilder::::new() .p(vec![1.0, 10.0]) .build_from_eqn(MyProblem::new()) .unwrap();\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » ODE systems » Creating the problem","id":"42","title":"Creating the problem"},"43":{"body":"Thus far we have used Rust code to specify the problem we want to solve. This is fine if you are using DiffSol from Rust, but what if you want to use DiffSol from a higher-level language like Python or R? For this usecase we have designed a Domain Specific Language (DSL) called DiffSL that can be used to specify the problem. DiffSL is not a general purpose language but is tightly constrained to the specification of a system of ordinary differential equations. It features a relatively simple syntax that consists of writing a series of tensors (dense or sparse) that represent the equations of the system. For more detail on the syntax of DiffSL see the DiffSL book . This section will focus on how to use DiffSL to specify a problem in DiffSol.","breadcrumbs":"DiffSol APIs for specifying problems » DiffSL » DiffSL","id":"43","title":"DiffSL"},"44":{"body":"The main struct that is used to specify a problem in DiffSL is the DiffSl struct. Creating this struct Just-In-Time (JIT) compiles your DiffSL code into a form that can be executed efficiently by DiffSol. # fn main() {\nuse diffsol::{DiffSl, CraneliftModule};\ntype M = nalgebra::DMatrix;\ntype CG = CraneliftModule; let eqn = DiffSl::::compile(\" in = [r, k] r { 1.0 } k { 1.0 } u { 0.1 } F { r * u * (1.0 - u / k) }\n\").unwrap();\n# } The CG parameter specifies the backend that you want to use to compile the DiffSL code. The CraneliftModule backend is the default backend and is behind the diffsl feature flag. If you want to use the faster LLVM backend you can use the LlvmModule backend, which is behind one of the diffsl-llvm* feature flags, depending on the version of LLVM you have installed. Once you have created the DiffSl struct you can use it to create a problem using the build_from_eqn method on the OdeBuilder struct. # fn main() {\n# use diffsol::{DiffSl, CraneliftModule};\nuse diffsol::{OdeBuilder, OdeSolverMethod, OdeSolverState};\n# type M = nalgebra::DMatrix;\n# type CG = CraneliftModule;\ntype LS = diffsol::NalgebraLU; # let eqn = DiffSl::::compile(\"\n# in = [r, k]\n# r { 1.0 }\n# k { 1.0 }\n# u { 0.1 }\n# F { r * u * (1.0 - u / k) }\n# \").unwrap();\nlet problem = OdeBuilder::::new()\n.rtol(1e-6)\n.p([1.0, 10.0])\n.build_from_eqn(eqn).unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet t = 0.4;\nlet _soln = solver.solve(t).unwrap();\n# }","breadcrumbs":"DiffSol APIs for specifying problems » DiffSL » DiffSL Context","id":"44","title":"DiffSL Context"},"45":{"body":"Lets consider a large system of equations that have a jacobian matrix that is sparse. For simplicity we will start with the logistic equation from the \"Specifying the Problem\" section, but we will duplicate this equation 10 times to create a system of 10 equations. This system will have a jacobian matrix that is a diagonal matrix with 10 diagonal elements, and all other elements are zero. Since this system is sparse, we choose a sparse matrix type to represent the jacobian matrix. We will use the diffsol::SparseColMat type, which is a thin wrapper around faer::sparse::SparseColMat, a sparse compressed sparse column matrix type. # fn main() {\nuse diffsol::OdeBuilder;\ntype M = diffsol::SparseColMat;\ntype V = faer::Col; let problem = OdeBuilder::::new() .t0(0.0) .rtol(1e-6) .atol([1e-6]) .p(vec![1.0, 10.0]) .rhs_implicit( |x, p, _t, y| { for i in 0..10 { y[i] = p[0] * x[i] * (1.0 - x[i] / p[1]); } }, |x, p, _t, v , y| { for i in 0..10 { y[i] = p[0] * v[i] * (1.0 - 2.0 * x[i] / p[1]); } }, ) .init( |_p, _t| V::from_fn(10, |_| 0.1), ) .build() .unwrap();\n# } Note that we have not specified the jacobian itself, but instead we have specified the jacobian multiplied by a vector function \\(f'(y, p, t, v)\\). DiffSol will use this function to generate a jacobian matrix, and since we have specified a sparse matrix type, DiffSol will attempt to guess the sparsity pattern of the jacobian matrix and use this to efficiently generate the jacobian matrix. To illustrate this, we can calculate the jacobian matrix from the rhs function contained in the problem object: # use diffsol::OdeBuilder;\nuse diffsol::{OdeEquations, NonLinearOp, NonLinearOpJacobian, Matrix, ConstantOp}; # type M = diffsol::SparseColMat;\n# type V = faer::Col;\n#\n# fn main() {\n# let problem = OdeBuilder::::new()\n# .t0(0.0)\n# .rtol(1e-6)\n# .atol([1e-6])\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| {\n# for i in 0..10 {\n# y[i] = p[0] * x[i] * (1.0 - x[i] / p[1]);\n# }\n# },\n# |x, p, _t, v , y| {\n# for i in 0..10 {\n# y[i] = p[0] * v[i] * (1.0 - 2.0 * x[i] / p[1]);\n# }\n# },\n# )\n# .init(\n# |_p, _t| V::from_fn(10, |_| 0.1),\n# )\n# .build()\n# .unwrap();\nlet t0 = problem.t0;\nlet y0 = problem.eqn.init().call(t0);\nlet jacobian = problem.eqn.rhs().jacobian(&y0, t0);\nfor (i, j, v) in jacobian.triplet_iter() { println!(\"({}, {}) = {}\", i, j, v);\n}\n# } which will print the jacobian matrix in triplet format: (0, 0) = 0.98\n(1, 1) = 0.98\n(2, 2) = 0.98\n(3, 3) = 0.98\n(4, 4) = 0.98\n(5, 5) = 0.98\n(6, 6) = 0.98\n(7, 7) = 0.98\n(8, 8) = 0.98\n(9, 9) = 0.98 DiffSol attempts to guess the sparsity pattern of your jacobian matrix by calling the \\(f'(y, p, t, v)\\) function repeatedly with different one-hot vectors \\(v\\) with a NaN value at each hot index. The output of this function (i.e. which elements are 0 and which are NaN) is then used to determine the sparsity pattern of the jacobian matrix. Due to the fact that for IEEE 754 floating point numbers, NaN is propagated through most operations, this method is able to detect which output elements are dependent on which input elements. However, this method is not foolproof, and it may fail to detect the correct sparsity pattern in some cases, particularly if values of v are used in control-flow statements. If DiffSol does not detect the correct sparsity pattern, you can manually specify the jacobian. To do this, you need to use a custom struct that implements the OdeEquations trait, This is described in more detail in the \"Custom Problem Structs\" section.","breadcrumbs":"DiffSol APIs for specifying problems » Sparse problems » Sparse problems","id":"45","title":"Sparse problems"},"46":{"body":"Once you have defined the problem, you need to create a solver to solve the problem. The available solvers are: diffsol::Bdf : A Backwards Difference Formulae solver, suitable for stiff problems and singular mass matrices. diffsol::Sdirk A Singly Diagonally Implicit Runge-Kutta (SDIRK or ESDIRK) solver. You can define your own butcher tableau using Tableau or use one of the pre-defined tableaues. For each solver, you will need to specify the linear solver type to use. The available linear solvers are: diffsol::NalgebraLU : A LU decomposition solver using the nalgebra crate. diffsol::FaerLU : A LU decomposition solver using the faer crate. diffsol::FaerSparseLU : A sparse LU decomposition solver using the faer crate. Each solver can be created directly, but it generally easier to use the methods on the OdeSolverProblem struct to create the solver. For example: # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\nuse diffsol::{OdeSolverState, NalgebraLU, BdfState, Tableau, SdirkState};\n# type M = nalgebra::DMatrix;\ntype LS = NalgebraLU;\n# fn main() {\n# # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\n// Create a BDF solver with an initial state\nlet solver = problem.bdf::(); // Create a non-initialised state and manually set the values before\n// creating the solver\nlet state = BdfState::new_without_initialise(&problem).unwrap();\n// ... set the state values manually\nlet solver = problem.bdf_solver::(state); // Create a SDIRK solver with a pre-defined tableau\nlet tableau = Tableau::::tr_bdf2();\nlet state = problem.sdirk_state::(&tableau).unwrap();\nlet solver = problem.sdirk_solver::(state, tableau); // Create a tr_bdf2 or esdirk34 solvers directly (both are SDIRK solvers with different tableaus)\nlet solver = problem.tr_bdf2::();\nlet solver = problem.esdirk34::(); // Create a non-initialised state and manually set the values before\n// creating the solver\nlet state = SdirkState::new_without_initialise(&problem).unwrap();\n// ... set the state values manually\nlet solver = problem.tr_bdf2_solver::(state);\n# }","breadcrumbs":"Choosing a solver » Choosing a solver","id":"46","title":"Choosing a solver"},"47":{"body":"Each solver has an internal state that holds information like the current state vector, the gradient of the state vector, the current time, and the current step size. When you create a solver using the bdf or sdirk methods on the OdeSolverProblem struct, the solver will be initialised with an initial state based on the initial conditions of the problem as well as satisfying any algebraic constraints. An initial time step will also be chosen based on your provided equations. Each solver's state struct implements the OdeSolverState trait, and if you wish to manually create and setup a state, you can use the methods on this trait to do so. For example, say that you wish to bypass the initialisation of the state as you already have the algebraic constraints and so don't need to solve for them. You can use the new_without_initialise method on the OdeSolverState trait to create a new state without initialising it. You can then use the as_mut method to get a mutable reference to the state and set the values manually. Note that each state struct has a as_ref and as_mut methods that return a StateRef or 'StateRefMut` struct respectively. These structs provide a solver-independent way to access the state values so you can use the same code with different solvers. # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverState, NalgebraLU, BdfState};\ntype LS = NalgebraLU; # fn main() {\n# # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\nlet mut state = BdfState::new_without_initialise(&problem).unwrap();\nstate.as_mut().y[0] = 0.1;\nlet mut solver = problem.bdf_solver::(state);\n# }","breadcrumbs":"Choosing a solver » Initialisation","id":"47","title":"Initialisation"},"48":{"body":"Each solver implements the OdeSolverMethod trait, which provides a number of methods to solve the problem.","breadcrumbs":"Solving the problem » Solving the Problem","id":"48","title":"Solving the Problem"},"49":{"body":"DiffSol has a few high-level solution functions on the OdeSolverMethod trait that are the easiest way to solve your equations: solve - solve the problem from an initial state up to a specified time, returning the solution at all the internal timesteps used by the solver. solve_dense - solve the problem from an initial state, returning the solution at a Vec of times provided by the user. ['solve_dense_sensitivities](https://docs.rs/diffsol/latest/diffsol/ode_solver/method/trait.OdeSolverMethod.html#method.solve_dense_sensitivities) - solve the forward sensitivity problem from an initial state, returning the solution at a Vec` of times provided by the user. 'solve_adjoint' - solve the adjoint sensitivity problem from an initial state to a final time, returning the integration of the output function over time as well as its gradient with respect to the initial state. The following example shows how to solve a simple ODE problem using the solve method on the OdeSolverMethod trait. # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\nuse diffsol::{OdeSolverMethod, NalgebraLU};\ntype M = nalgebra::DMatrix;\ntype LS = NalgebraLU; # fn main() {\n# let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet (ys, ts) = solver.solve(10.0).unwrap();\n# } solve_dense will solve a problem from an initial state, returning the solution at a Vec of times provided by the user. # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverMethod, NalgebraLU};\ntype LS = NalgebraLU; # fn main() {\n# let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet times = vec![0.0, 1.0, 2.0, 3.0, 4.0, 5.0];\nlet _soln = solver.solve_dense(×).unwrap();\n# }","breadcrumbs":"Solving the problem » Solving the Problem","id":"49","title":"Solving the Problem"},"5":{"body":"ODEs describe the continuous evolution of a system over time, but many systems also involve discrete events that occur at specific times. For example, in a compartmental model of drug delivery, the administration of a drug is a discrete event that occurs at a specific time. In a bouncing ball model, the collision of the ball with the ground is a discrete event that changes the state of the system. It is normally difficult to model these events using ODEs alone, as they require a different approach to handle the discontinuities in the system. While we can represent discrete events mathematically using delta functions, many ODE solvers are not designed to handle these discontinuities, and may produce inaccurate results or fail to converge during the integration. DiffSol provides a way to model discrete events in a system of ODEs by maintaining an internal state of each solver that can be updated when a discrete event occurs. Each solver has an internal state that holds information such as the current time \\(t\\), the current state of the system \\(\\mathbf{y}\\), and other solver-specific information. When a discrete event occurs, the user can update the internal state of the solver to reflect the change in the system, and then continue the integration of the ODEs as normal. DiffSol also provides a way to stop the integration of the ODEs, either at a specific time or when a specific condition is met. This can be useful for modelling systems with discrete events, as it allows the user to control the integration of the ODEs and to handle the events in a flexible way. The Solving the Problem and Root Finding sections provides an introduction to the API for solving ODEs and detecting events with DiffSol. In the next two sections, we will look at two examples of systems with discrete events: compartmental models of drug delivery and bouncing ball models, and solve them using DiffSol using this API.","breadcrumbs":"Modelling with ODEs » Discrete Events » Discrete Events","id":"5","title":"Discrete Events"},"50":{"body":"The fundamental method to step the solver through a solution is the step method on the OdeSolverMethod trait, which steps the solution forward in time by a single step, with a step size chosen by the solver in order to satisfy the error tolerances in the problem struct. The step method returns a Result that contains the new state of the solution if the step was successful, or an error if the step failed. # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverMethod, NalgebraLU};\ntype LS = NalgebraLU; # fn main() {\n# # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nwhile solver.state().t < 10.0 { if let Err(_) = solver.step() { break; }\n}\n# } The step method will return an error if the solver fails to converge to the solution or if the step size becomes too small. Often you will want to get the solution at a specific time \\(t_o\\). There are two ways to do this based on your particular needs, the most lightweight way is to step the solution forward until you are beyond \\(t_o\\), and then interpolate the solution back to \\(t_o\\) using the interpolate method on the OdeSolverMethod trait. # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverMethod, NalgebraLU};\ntype LS = NalgebraLU; # fn main() {\n# # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet t_o = 10.0;\nwhile solver.state().t < t_o { solver.step().unwrap();\n}\nlet _soln = solver.interpolate(t_o).unwrap();\n# } The second way is to use the set_stop_time method on the OdeSolverMethod trait to stop the solver at a specific time, this will override the internal time step so that the solver stops at the specified time. Note that this can be less efficient if you wish to continue stepping forward after the specified time, as the solver will need to be re-initialised. The enum returned by step will indicate when the solver has stopped at the specified time. Once the solver has stopped at the specified time, you can get the current state of the solution using the state method on the solver, which returns an OdeSolverState struct. # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverMethod, OdeSolverStopReason, NalgebraLU};\ntype LS = NalgebraLU; # fn main() {\n# # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nsolver.set_stop_time(10.0).unwrap();\nloop { match solver.step() { Ok(OdeSolverStopReason::InternalTimestep) => continue, Ok(OdeSolverStopReason::TstopReached) => break, Ok(OdeSolverStopReason::RootFound(_)) => panic!(\"Root finding not used\"), Err(e) => panic!(\"Solver failed to converge: {}\", e), }\n}\nlet _soln = &solver.state().y;\n# }","breadcrumbs":"Solving the problem » Stepping the Solution","id":"50","title":"Stepping the Solution"},"51":{"body":"The goal of this chapter is to compare the performance of the DiffSol implementation with other similar ode solver libraries. To begin with we have focused on comparing against the popular Sundials solver suite, developed by the Lawrence Livermore National Laboratory.","breadcrumbs":"Benchmarks » Benchmarks","id":"51","title":"Benchmarks"},"52":{"body":"To choose the test problems we have used several of the examples provided in the Sundials library. The problems are: robertson : A stiff DAE system with 3 equations (2 differential and 1 algebraic). In Sundials this is part of the IDA examples and is contained in the file ida/serial/idaRoberts_dns.c. In Sundials the problem is solved using the Sundials dense linear solver and Sunmatrix_Dense, in DiffSol we use the dense LU linear solver, dense matrices and vectors from the nalgebra library. robertson_ode: The same problem as robertson but in the form of an ODE. This problem has a variable size implemented by duplicating the 3 original equations \\(n^2\\) times, where \\(n\\) is the size input parameter. In Sundials problem is solved using the KLU sparse linear solver and the Sunmatrix_Sparse matrix, and in DiffSol we use the same KLU solver from the SuiteSparse library along with the faer sparse matrix. This example is part of the Sundials CVODE examples and is contained in the file cvode/serial/cvRoberts_block_klu.c. heat2d: A 2D heat DAE problem with boundary conditions imposed via algebraic equations. The size \\(n\\) input parameter sets the number of grid points along each dimension, so the total number of equations is \\(n^2\\). This is part of the IDA examples and is contained in the file ida/serial/idaHeat2D_klu.c. In Sundials this problem is solved using the KLU sparse linear solver and the Sunmatrix_Sparse matrix, and in DiffSol we use the same KLU solver along with the faer sparse matrix. foodweb: A predator-prey problem with diffusion on a 2D grid. The size \\(n\\) input parameter sets the number of grid points along each dimension and we have 2 species, so the total number of equations is \\(2n^2\\) This is part of the IDA examples and is contained in the file ida/serial/idaFoodWeb_bnd.c. In Sundials the problem is solved using a banded linear solver and the Sunmatrix_Band matrix. DiffSol does not have a banded linear solver, so we use the KLU solver for this problem along with the faer sparse matrix.","breadcrumbs":"Benchmarks » Test Problems","id":"52","title":"Test Problems"},"53":{"body":"In each case we have taken the example files from the Sundials library at version 6.7.0, compiling and linking them against the same version of the code. We have made minimal modifications to the files to remove all printf output and to change the main functions to named functions to allow them to be called from rust. We have then implemented the same problem in Rust using the DiffSol library, porting the residual functions defined in the Sundials examples to DiffSol-compatible functions representing the RHS, mass matrix and jacobian multiplication functions for the problem. We have used the outputs published in the Sundials examples as the reference outputs for the tests to ensure that the implementations are equivalent. The relative and absolute tolerances for the solvers were set to the same values in both implementations. There are a number of differences between the Sundials and DiffSol implementations that may affect the performance of the solvers. The main differences are: The Sundials IDA solver has the problem defined as a general DAE system, while the DiffSol solver has access to the RHS and mass matrix functions separately. The Sundials CVODE solver has the problem defined as an ODE system and the mass is implicitly an identity matrix, and this is the same for the DiffSol implementation for the robertson_ode problem. In the Sundials examples that use a user-defined jacobian (robertson, robertson_ode, heat2d), the jacobian is provided as a sparse or dense matrix. In DiffSol the jacobian is provided as a function that multiplies the jacobian by a vector, so DiffSol needs to do additional work to generate a jacobian matrix from this function. Generally the types of matrices and linear solver are matched between the two implementations (see details in the \"Test Problems\" section above). However, the foodweb problem is slightly different in that it is solved in Sundials using a banded linear solver and banded matrices and the jacobian is calculated using finite differences. In DiffSol we use the KLU sparse linear solver and sparse matrices, and the jacobian is calculated using the jacobian function provided by the user. The Sundials implementations make heavy use of indexing into arrays, as does the DiffSol implementations. In Rust these indexing is bounds checked, which affects performance slightly but was not found to be a significant factor. Finally, we have also implemented the robertson, heat2d and foodweb problems in the DiffSl language. For the heat2d and foodweb problems we wrote out the diffusion matrix and mass matrix from the Rust implementations and wrote the rest of the model by hand. For the robertson problem we wrote the entire model by hand.","breadcrumbs":"Benchmarks » Method","id":"53","title":"Method"},"54":{"body":"These results were generated using DiffSol v0.2.1. The performance of each implementation was timed and includes all setup and solve time. The exception to this is for the DiffSl implementations, where the JIT compilation for the model was not included in the timings (since the compilation time for the C and Rust code was also not included). We have presented the results in the following graphs, where the x-axis is the size of the problem \\(n\\) and the y-axis is the time taken to solve the problem relative to the time taken by the Sundials implementation (so \\(10^0\\) is the same time as Sundials, \\(10^1\\) is 10 times slower etc.)","breadcrumbs":"Benchmarks » Results","id":"54","title":"Results"},"55":{"body":"Bdf The BDF solver is the same method as that used by the Sundials IDA and CVODE solvers so we expect the performance to be largely similar, and this is generally the case. There are differences due to the implementation details for each library, and the differences in the implementations for the linear solvers and matrices as discussed above. For the small, dense, stiff robertson problem the DiffSol implementation is very close and only slightly faster than Sundials (about 0.9). For the sparse heat2d problem the DiffSol implementation is slower than Sundials for smaller problems (about 2) but the performance improves significantly for larger problems until it is at about 0.3. Since this improvement for larger systems is not seen in foodweb or robertson_ode problems, it is likely due to the fact that the heat2d problem has a constant jacobian matrix and the DiffSol implementation has an advantage in this case. For the foodweb problem the DiffSol implementation is quite close to IDA for all sizes. It is again slower for small systems (about 1.5) and the performance improves for medium systems until it reaches a value of 0.7, but then performance starts to slowly decrease for larger systems until it is about 1.0 The DiffSol implementation of the robertson_ode problem is the only problem generally slower then the Sundials CVODE implementation and is about 1.5 - 1.9 the time taken by Sundials. Since the same method and linear solver is used in both cases the cause of this discrepancy is not due to these factors, but is likely due to the differences in how the jacobian is calculated (in Sundials it is provided directly, but DiffSol is required to calculate it from the jacobian multiplication function).","breadcrumbs":"Benchmarks » Bdf solver","id":"55","title":"Bdf solver"},"56":{"body":"Bdf + DiffSl The main difference between this plot and the previous for the Bdf solver is the use of the DiffSl language for the equations, rather than Rust closures. The trends in each case are mostly the same, and the DiffSl implementation only has a small slowdown comparared with rust closures for most problems. This difference is minimal, and can be seen most clearly for the small robertson problem where the DiffSl implementation is just above 1.0 times the speed of the Sundials implementation, while the rust closure implementation is about 0.9. However, for some larger systems the DiffSl can be faster, for example the foodweb problem is quicker at larger sizes, which is probably due to the fact that the rust closures bound-check the array indexing, while the DiffSl implementation does not. This plot demonstrates that a DiffSL implementation can be comparable in speed to a hand-written Rust or C implementation, but much more easily wrapped and used from a high-level language like Python or R, where the equations can be passed down to the rust solver as a simple string and then JIT compiled at runtime.","breadcrumbs":"Benchmarks » Bdf + DiffSl","id":"56","title":"Bdf + DiffSl"},"6":{"body":"The field of Pharmacokinetics (PK) provides a quantitative basis for describing the delivery of a drug to a patient, the diffusion of that drug through the plasma/body tissue, and the subsequent clearance of the drug from the patient's system. PK is used to ensure that there is sufficient concentration of the drug to maintain the required efficacy of the drug, while ensuring that the concentration levels remain below the toxic threshold. Pharmacokinetic (PK) models are often combined with Pharmacodynamic (PD) models, which model the positive effects of the drug, such as the binding of a drug to the biological target, and/or undesirable side effects, to form a full PKPD model of the drug-body interaction. This example will only focus on PK, neglecting the interaction with a PD model. Fig 1 PK enables the following processes to be quantified: Absorption Distribution Metabolism Excretion These are often referred to as ADME, and taken together describe the drug concentration in the body when medicine is prescribed. These ADME processes are typically described by zeroth-order or first-order rate reactions modelling the dynamics of the quantity of drug $q$, with a given rate parameter $k$, for example: \\[ \\frac{dq}{dt} = -k^*, \\] \\[ \\frac{dq}{dt} = -k q. \\] The body itself is modelled as one or more compartments , each of which is defined as a kinetically homogeneous unit (these compartments do not relate to specific organs in the body, unlike Physiologically based pharmacokinetic, PBPK, modeling). There is typically a main central compartment into which the drug is administered and from which the drug is excreted from the body, combined with zero or more peripheral compartments to which the drug can be distributed to/from the central compartment (See Fig 2). Each peripheral compartment is only connected to the central compartment. Fig 2 The following example PK model describes the two-compartment model shown diagrammatically in the figure above. The time-dependent variables to be solved are the drug quantity in the central and peripheral compartments, $q_c$ and $q_{p1}$ (units: [ng]) respectively. \\[ \\frac{dq_c}{dt} = \\text{Dose}(t) - \\frac{q_c}{V_c} CL - Q_{p1} \\left ( \\frac{q_c}{V_c} - \\frac{q_{p1}}{V_{p1}} \\right ), \\] \\[ \\frac{dq_{p1}}{dt} = Q_{p1} \\left ( \\frac{q_c}{V_c} - \\frac{q_{p1}}{V_{p1}} \\right ). \\] This model describes an intravenous bolus dosing protocol, with a linear clearance from the central compartment (non-linear clearance processes are also possible, but not considered here). The dose function $\\text{Dose}(t)$ will consist of instantaneous doses of $X$ ng of the drug at one or more time points. The other input parameters to the model are: \\(V_c\\) [mL], the volume of the central compartment \\(V_{p1}\\) [mL], the volume of the first peripheral compartment \\(CL\\) [mL/h], the clearance/elimination rate from the central compartment \\(Q_{p1}\\) [mL/h], the transition rate between central compartment and peripheral compartment 1 We will solve this system of ODEs using the DiffSol crate. Rather than trying to write down the dose function as a mathematical function, we will neglect the dose function from the equations and instead using DiffSol's API to specify the dose at specific time points. First lets write down the equations in the standard form of a first order ODE system: \\[ \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] where \\[ \\mathbf{y} = \\begin{bmatrix} q_c \\\\ q_{p1} \\end{bmatrix} \\] and \\[ \\mathbf{f}(\\mathbf{y}, t) = \\begin{bmatrix} - \\frac{q_c}{V_c} CL - Q_{p1} \\left ( \\frac{q_c}{V_c} - \\frac{q_{p1}}{V_{p1}} \\right ) \\\\ Q_{p1} \\left ( \\frac{q_c}{V_c} - \\frac{q_{p1}}{V_{p1}} \\right ) \\end{bmatrix} \\] We will also need to specify the initial conditions for the system: \\[ \\mathbf{y}(0) = \\begin{bmatrix} 0 \\\\ 0 \\end{bmatrix} \\] For the dose function, we will specify a dose of 1000 ng at regular intervals of 6 hours. We will also specify the other parameters of the model: \\[ V_c = 1000 \\text{ mL}, \\quad V_{p1} = 1000 \\text{ mL}, \\quad CL = 100 \\text{ mL/h}, \\quad Q_{p1} = 50 \\text{ mL/h} \\] Let's now solve this system of ODEs using DiffSol. # fn main() {\n# use std::fs;\nuse diffsol::{ DiffSl, CraneliftModule, OdeBuilder, OdeSolverMethod, OdeSolverStopReason,\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\ntype M = nalgebra::DMatrix;\ntype CG = CraneliftModule;\ntype LS = diffsol::NalgebraLU; let eqn = DiffSl::::compile(\" Vc { 1000.0 } Vp1 { 1000.0 } CL { 100.0 } Qp1 { 50.0 } u_i { qc = 0, qp1 = 0, } F_i { - qc / Vc * CL - Qp1 * (qc / Vc - qp1 / Vp1), Qp1 * (qc / Vc - qp1 / Vp1), }\n\").unwrap(); let problem = OdeBuilder::::new().build_from_eqn(eqn).unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet doses = vec![(0.0, 1000.0), (6.0, 1000.0), (12.0, 1000.0), (18.0, 1000.0)]; let mut q_c = Vec::new();\nlet mut q_p1 = Vec::new();\nlet mut time = Vec::new(); // apply the first dose and save the initial state\nsolver.state_mut().y[0] = doses[0].1;\nq_c.push(solver.state().y[0]);\nq_p1.push(solver.state().y[1]);\ntime.push(0.0); // solve and apply the remaining doses\nfor (t, dose) in doses.into_iter().skip(1) { solver.set_stop_time(t).unwrap(); loop { let ret = solver.step(); q_c.push(solver.state().y[0]); q_p1.push(solver.state().y[1]); time.push(solver.state().t); match ret { Ok(OdeSolverStopReason::InternalTimestep) => continue, Ok(OdeSolverStopReason::TstopReached) => break, _ => panic!(\"unexpected solver error\"), } } solver.state_mut().y[0] += dose;\n}\nlet mut plot = Plot::new();\nlet q_c = Scatter::new(time.clone(), q_c).mode(Mode::Lines).name(\"q_c\");\nlet q_p1 = Scatter::new(time, q_p1).mode(Mode::Lines).name(\"q_p1\");\nplot.add_trace(q_c);\nplot.add_trace(q_p1); let layout = Layout::new() .x_axis(Axis::new().title(\"t [h]\")) .y_axis(Axis::new().title(\"amount [ng]\"));\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"drug-delivery\"));\n# fs::write(\"../src/primer/images/drug-delivery.html\", plot_html).expect(\"Unable to write file\");\n# }","breadcrumbs":"Modelling with ODEs » Discrete Events » Example: Compartmental models of Drug Delivery » Example: Compartmental models of Drug Delivery","id":"6","title":"Example: Compartmental models of Drug Delivery"},"7":{"body":"Modelling a bouncing ball is a simple and intuitive example of a system with discrete events. The ball is dropped from a height \\(h\\) and bounces off the ground with a coefficient of restitution \\(e\\). When the ball hits the ground, its velocity is reversed and scaled by the coefficient of restitution, and the ball rises and then continues to fall until it hits the ground again. This process repeats until halted. The second order ODE that describes the motion of the ball is given by: \\[ \\frac{d^2x}{dt^2} = -g \\] where \\(x\\) is the position of the ball, \\(t\\) is time, and \\(g\\) is the acceleration due to gravity. We can rewrite this as a system of two first order ODEs by introducing a new variable for the velocity of the ball: \\[ \\begin{align*} \\frac{dx}{dt} &= v \\\\ \\frac{dv}{dt} &= -g \\end{align*} \\] where \\(v = \\frac{dx}{dt}\\) is the velocity of the ball. This is a system of two first order ODEs, which can be written in vector form as: \\[ \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] where \\[ \\mathbf{y} = \\begin{bmatrix} x \\\\ v \\end{bmatrix} \\] and \\[ \\mathbf{f}(\\mathbf{y}, t) = \\begin{bmatrix} v \\\\ -g \\end{bmatrix} \\] The initial conditions for the ball, including the height from which it is dropped and its initial velocity, are given by: \\[ \\mathbf{y}(0) = \\begin{bmatrix} h \\\\ 0 \\end{bmatrix} \\] When the ball hits the ground, we need to update the velocity of the ball according to the coefficient of restitution, which is the ratio of the velocity after the bounce to the velocity before the bounce. The velocity after the bounce \\(v'\\) is given by: \\[ v' = -e v \\] where \\(e\\) is the coefficient of restitution. However, to implement this in our ODE solver, we need to detect when the ball hits the ground. We can do this by using DiffSol's event handling feature, which allows us to specify a function that is equal to zero when the event occurs, i.e. when the ball hits the ground. This function \\(g(\\mathbf{y}, t)\\) is called an event or root function, and for our bouncing ball problem, it is given by: \\[ g(\\mathbf{y}, t) = x \\] where \\(x\\) is the position of the ball. When the ball hits the ground, the event function will be zero and DiffSol will stop the integration, and we can update the velocity of the ball accordingly. In code, the bouncing ball problem can be solved using DiffSol as follows: # fn main() {\n# use std::fs;\nuse diffsol::{ DiffSl, CraneliftModule, OdeBuilder, OdeSolverMethod, OdeSolverStopReason,\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\ntype M = nalgebra::DMatrix;\ntype CG = CraneliftModule;\ntype LS = diffsol::NalgebraLU; let eqn = DiffSl::::compile(\" g { 9.81 } h { 10.0 } u_i { x = h, v = 0, } F_i { v, -g, } stop { x, }\n\").unwrap(); let e = 0.8;\nlet problem = OdeBuilder::::new().build_from_eqn(eqn).unwrap();\nlet mut solver = problem.bdf::().unwrap(); let mut x = Vec::new();\nlet mut v = Vec::new();\nlet mut t = Vec::new();\nlet final_time = 10.0; // save the initial state\nx.push(solver.state().y[0]);\nv.push(solver.state().y[1]);\nt.push(0.0); // solve until the final time is reached\nsolver.set_stop_time(final_time).unwrap();\nloop { match solver.step() { Ok(OdeSolverStopReason::InternalTimestep) => (), Ok(OdeSolverStopReason::RootFound(t)) => { // get the state when the event occurred let mut y = solver.interpolate(t).unwrap(); // update the velocity of the ball y[1] *= -e; // make sure the ball is above the ground y[0] = y[0].max(f64::EPSILON); // set the state to the updated state solver.state_mut().y.copy_from(&y); solver.state_mut().dy[0] = y[1]; *solver.state_mut().t = t; }, Ok(OdeSolverStopReason::TstopReached) => break, Err(_) => panic!(\"unexpected solver error\"), } x.push(solver.state().y[0]); v.push(solver.state().y[1]); t.push(solver.state().t);\n}\nlet mut plot = Plot::new();\nlet x = Scatter::new(t.clone(), x).mode(Mode::Lines).name(\"x\");\nlet v = Scatter::new(t, v).mode(Mode::Lines).name(\"v\");\nplot.add_trace(x);\nplot.add_trace(v); let layout = Layout::new() .x_axis(Axis::new().title(\"t\")) .y_axis(Axis::new());\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"bouncing-ball\"));\n# fs::write(\"../src/primer/images/bouncing-ball.html\", plot_html).expect(\"Unable to write file\");\n# }","breadcrumbs":"Modelling with ODEs » Discrete Events » Example: Bouncing Ball » Example: Bouncing Ball","id":"7","title":"Example: Bouncing Ball"},"8":{"body":"Differential-algebraic equations (DAEs) are a generalisation of ordinary differential equations (ODEs) that include algebraic equations, or equations that do not involve derivatives. Algebraic equations can arise in many physical systems and often are used to model constraints on the system, such as conservation laws or other relationships between the state variables. For example, in an electrical circuit, the current flowing into a node must equal the current flowing out of the node, which can be written as an algebraic equation. DAEs can be written in the general implicit form: \\[ \\mathbf{F}(\\mathbf{y}, \\mathbf{y}', t) = 0 \\] where \\(\\mathbf{y}\\) is the vector of state variables, \\(\\mathbf{y}'\\) is the vector of derivatives of the state variables, and \\(\\mathbf{F}\\) is a vector-valued function that describes the system of equations. However, for the purposes of this primer and the capabilities of DiffSol, we will focus on a specific form of DAEs called index-1 or semi-explicit DAEs, which can be written as a combination of differential and algebraic equations: \\[ \\begin{align*} \\frac{d\\mathbf{y}}{dt} &= \\mathbf{f}(\\mathbf{y}, \\mathbf{y}', t) \\\\ 0 = \\mathbf{g}(\\mathbf{y}, t) \\end{align*} \\] where \\(\\mathbf{f}\\) is the vector-valued function that describes the differential equations and \\(\\mathbf{g}\\) is the vector-valued function that describes the algebraic equations. The key difference between DAEs and ODEs is that DAEs include algebraic equations that must be satisfied at each time step, in addition to the differential equations that describe the rate of change of the state variables. How does this relate to the standard form of an explicit ODE that we have seen before? Recall that an explicit ODE can be written as: \\[ \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] Lets update this equation to include a matrix \\(\\mathbf{M}\\) that multiplies the derivative term: \\[ M \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] When \\(M\\) is the identity matrix (i.e. a matrix with ones along the diagonal), this reduces to the standard form of an explicit ODE. However, when \\(M\\) has diagonal entries that are zero, this introduces algebraic equations into the system and it reduces to the semi-explicit DAE equations show above. The matrix \\(M\\) is called the mass matrix . Thus, we now have a general form of a set of differential equations, that includes both ODEs and semi-explicit DAEs. This general form is used by DiffSol to allow users to specify a wide range of problems, from simple ODEs to more complex DAEs. In the next section, we will look at a few examples of DAEs and how to solve them using DiffSol and a mass matrix.","breadcrumbs":"Modelling with ODEs » DAEs via the Mass Matrix » DAEs via the Mass Matrix","id":"8","title":"DAEs via the Mass Matrix"},"9":{"body":"Lets consider the following low-pass LRC filter circuit: +---L---+---C---+ | | |\nV_s = R | | | | +-------+-------+ The circuit consists of a resistor \\(R\\), an inductor \\(L\\), and a capacitor \\(C\\) connected in series to a voltage source \\(V_s\\). The voltage across the resistor \\(V\\) is given by Ohm's law: \\[ V = R i_R \\] where \\(i_R\\) is the current flowing through the resistor. The voltage across the inductor is given by: \\[ \\frac{di_L}{dt} = \\frac{V_s - V}{L} \\] where \\(di_L/dt\\) is the rate of change of current with respect to time. The voltage across the capacitor is the same as the voltage across the resistor and the equation for an ideal capacitor is: \\[ \\frac{dV}{dt} = \\frac{i_C}{C} \\] where \\(i_C\\) is the current flowing through the capacitor. The sum of the currents flowing into and out of the top-center node of the circuit must be zero according to Kirchhoff's current law: \\[ i_L = i_R + i_C \\] Thus we have a system of two differential equations and two algebraic equation that describe the evolution of the currents through the resistor, inductor, and capacitor, and the voltage across the resistor. We can write these equations in the general form: \\[ M \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] where \\[ \\mathbf{y} = \\begin{bmatrix} i_R \\\\ i_L \\\\ i_C \\\\ V \\end{bmatrix} \\] and \\[ \\mathbf{f}(\\mathbf{y}, t) = \\begin{bmatrix} V - R i_R \\\\ \\frac{V_s - V}{L} \\\\ i_L - i_R - i_C \\\\ \\frac{i_C}{C} \\end{bmatrix} \\] The mass matrix \\(M\\) has one on the diagonal for the differential equations and zero for the algebraic equation. \\[ M = \\begin{bmatrix} 0 & 0 & 0 & 0 \\\\ 0 & 1 & 0 & 0 \\\\ 0 & 0 & 0 & 0 \\\\ 0 & 0 & 0 & 1 \\end{bmatrix} \\] Instead of providing the mass matrix explicitly, the DiffSL language specifies the multiplication of the mass matrix with the derivative term, \\(M \\frac{d\\mathbf{y}}{dt}\\), which is given by: \\[ M \\frac{d\\mathbf{y}}{dt} = \\begin{bmatrix} 0 \\\\ \\frac{di_L}{dt} \\\\ 0 \\\\ \\frac{dV}{dt} \\end{bmatrix} \\] The initial conditions for the system are: \\[ \\mathbf{y}(0) = \\begin{bmatrix} 0 \\\\ 0 \\\\ 0 \\\\ 0 \\end{bmatrix} \\] The voltage source \\(V_s\\) acts as a forcing function for the system, and we can specify this as sinusoidal function of time. \\[ V_s(t) = V_0 \\sin(omega t) \\] where \\(omega\\) is the angular frequency of the source. Since this is a low-pass filter, we will choose a high frequency for the source, say \\(omega = 200\\), to demonstrate the filtering effect of the circuit. We can solve this system of equations using DiffSol and plot the current and voltage across the resistor as a function of time. # fn main() {\n# use std::fs;\nuse diffsol::{ DiffSl, CraneliftModule, OdeBuilder, OdeSolverMethod\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\ntype M = nalgebra::DMatrix;\ntype CG = CraneliftModule;\ntype LS = diffsol::NalgebraLU; let eqn = DiffSl::::compile(\" R { 100.0 } L { 1.0 } C { 0.001 } V0 { 10 } omega { 100.0 } Vs { V0 * sin(omega * t) } u_i { iR = 0, iL = 0, iC = 0, V = 0, } dudt_i { diRdt = 0, diLdt = 0, diCdt = 0, dVdt = 0, } M_i { 0, diLdt, 0, dVdt, } F_i { V - R * iR, (Vs - V) / L, iL - iR - iC, iC / C, } out_i { iR, }\n\").unwrap();\nlet problem = OdeBuilder::::new() .build_from_eqn(eqn).unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet (ys, ts) = solver.solve(1.0).unwrap(); let ir: Vec<_> = ys.row(0).into_iter().copied().collect();\nlet t: Vec<_> = ts.into_iter().collect(); let ir = Scatter::new(t.clone(), ir).mode(Mode::Lines); let mut plot = Plot::new();\nplot.add_trace(ir); let layout = Layout::new() .x_axis(Axis::new().title(\"t\")) .y_axis(Axis::new().title(\"current\"));\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"electrical-circuit\"));\n# fs::write(\"../src/primer/images/electrical-circuit.html\", plot_html).expect(\"Unable to write file\");\n# }","breadcrumbs":"Modelling with ODEs » DAEs via the Mass Matrix » Example: Electrical Circuits » Example: Electrical Circuits","id":"9","title":"Example: Electrical Circuits"}},"length":57,"save":true},"fields":["title","body","breadcrumbs"],"index":{"body":{"root":{"0":{".":{".":{"1":{"0":{"df":1,"docs":{"45":{"tf":2.0}}},"df":0,"docs":{}},"2":{"1":{")":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"p":{"(":{"df":0,"docs":{},"|":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"5":{"0":{")":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"p":{"(":{"df":0,"docs":{},"|":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{"0":{"1":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}},"df":3,"docs":{"15":{"tf":1.4142135623730951},"31":{"tf":1.0},"32":{"tf":1.4142135623730951}}},"1":{"df":16,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951},"36":{"tf":1.0},"4":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.4142135623730951},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"3":{"df":1,"docs":{"55":{"tf":1.0}}},"4":{"df":1,"docs":{"44":{"tf":1.0}}},"5":{"df":3,"docs":{"18":{"tf":1.0},"28":{"tf":2.23606797749979},"29":{"tf":1.0}}},"7":{"df":1,"docs":{"55":{"tf":1.0}}},"8":{"df":2,"docs":{"20":{"tf":1.0},"7":{"tf":1.0}}},"9":{"8":{"df":1,"docs":{"45":{"tf":3.1622776601683795}}},"df":2,"docs":{"55":{"tf":1.0},"56":{"tf":1.0}}},"df":0,"docs":{}},":":{"5":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":20,"docs":{"1":{"tf":1.0},"13":{"tf":2.6457513110645907},"15":{"tf":2.23606797749979},"17":{"tf":1.0},"19":{"tf":1.4142135623730951},"2":{"tf":1.0},"26":{"tf":2.0},"28":{"tf":1.0},"31":{"tf":1.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"4":{"tf":1.0},"41":{"tf":2.0},"42":{"tf":2.0},"45":{"tf":1.7320508075688772},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.4142135623730951},"9":{"tf":5.477225575051661}}},"1":{".":{".":{".":{"df":0,"docs":{},"n":{"df":1,"docs":{"13":{"tf":1.0}}}},"6":{")":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"p":{"(":{"df":0,"docs":{},"f":{"6":{"4":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{"df":23,"docs":{"15":{"tf":6.557438524302},"2":{"tf":2.23606797749979},"20":{"tf":1.0},"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"32":{"tf":2.449489742783178},"35":{"tf":1.4142135623730951},"37":{"tf":1.0},"4":{"tf":1.4142135623730951},"41":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":2.449489742783178},"45":{"tf":2.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.23606797749979},"50":{"tf":2.449489742783178},"55":{"tf":1.0},"56":{"tf":1.0},"9":{"tf":1.0}}},"2":{"df":1,"docs":{"20":{"tf":1.0}}},"4":{"df":1,"docs":{"20":{"tf":1.0}}},"5":{"df":1,"docs":{"55":{"tf":1.4142135623730951}}},"9":{"df":1,"docs":{"55":{"tf":1.0}}},"df":0,"docs":{}},"0":{".":{"0":{"df":14,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":2.0},"42":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":2.23606797749979},"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"0":{".":{"0":{"df":2,"docs":{"6":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"0":{".":{"0":{"df":1,"docs":{"6":{"tf":2.449489742783178}}},"df":0,"docs":{}},"df":1,"docs":{"6":{"tf":1.7320508075688772}}},"df":1,"docs":{"6":{"tf":1.0}}},"^":{"0":{"df":1,"docs":{"54":{"tf":1.0}}},"1":{"df":1,"docs":{"54":{"tf":1.0}}},"df":0,"docs":{}},"df":6,"docs":{"1":{"tf":1.4142135623730951},"15":{"tf":2.449489742783178},"32":{"tf":1.0},"45":{"tf":1.7320508075688772},"54":{"tf":1.0},"9":{"tf":1.0}}},"1":{"df":1,"docs":{"15":{"tf":2.449489742783178}}},"2":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"15":{"tf":2.449489742783178}}},"3":{"df":1,"docs":{"15":{"tf":2.449489742783178}}},"4":{"df":1,"docs":{"15":{"tf":2.449489742783178}}},"5":{":":{"2":{"1":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"15":{"tf":2.449489742783178}}},"6":{"df":1,"docs":{"15":{"tf":2.449489742783178}}},"7":{"df":1,"docs":{"15":{"tf":2.449489742783178}}},"8":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"15":{"tf":2.449489742783178}}},"9":{"df":1,"docs":{"15":{"tf":2.449489742783178}}},":":{"2":{"0":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"d":{"df":1,"docs":{"16":{"tf":1.0}}},"df":20,"docs":{"13":{"tf":3.872983346207417},"15":{"tf":2.449489742783178},"18":{"tf":1.0},"2":{"tf":2.23606797749979},"24":{"tf":1.7320508075688772},"26":{"tf":2.0},"28":{"tf":1.7320508075688772},"29":{"tf":1.0},"31":{"tf":1.7320508075688772},"35":{"tf":2.23606797749979},"36":{"tf":1.4142135623730951},"37":{"tf":1.7320508075688772},"4":{"tf":1.0},"41":{"tf":3.4641016151377544},"42":{"tf":3.4641016151377544},"45":{"tf":1.4142135623730951},"52":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.4142135623730951}},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"h":{"^":{"2":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"2":{".":{"0":{"/":{"3":{".":{"0":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":13,"docs":{"15":{"tf":4.58257569495584},"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"35":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.7320508075688772},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"0":{"0":{"df":1,"docs":{"9":{"tf":1.0}}},"df":1,"docs":{"15":{"tf":2.23606797749979}}},"d":{"df":1,"docs":{"52":{"tf":1.4142135623730951}}},"df":10,"docs":{"13":{"tf":2.8284271247461903},"15":{"tf":2.449489742783178},"26":{"tf":1.0},"31":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"52":{"tf":1.4142135623730951},"55":{"tf":1.0},"6":{"tf":1.4142135623730951}},"n":{"^":{"2":{"df":1,"docs":{"52":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"u":{"(":{"df":0,"docs":{},"x":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{}},"v":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"13":{"tf":1.7320508075688772}}}},"df":0,"docs":{}},"y":{"/":{"df":0,"docs":{},"k":{"df":1,"docs":{"24":{"tf":1.0}}}},"df":0,"docs":{}}},"3":{".":{"0":{"df":2,"docs":{"20":{"tf":1.0},"49":{"tf":1.0}}},"df":0,"docs":{}},"6":{"0":{"0":{".":{"0":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":4,"docs":{"15":{"tf":2.449489742783178},"17":{"tf":1.0},"45":{"tf":1.4142135623730951},"52":{"tf":1.4142135623730951}}},"4":{".":{"0":{"/":{"3":{".":{"0":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"49":{"tf":1.0}}},"df":0,"docs":{}},"df":2,"docs":{"15":{"tf":2.449489742783178},"45":{"tf":1.4142135623730951}}},"5":{".":{"0":{"df":1,"docs":{"49":{"tf":1.0}}},"df":0,"docs":{}},"0":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"6":{"tf":1.0}}},":":{"1":{"5":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"1":{"tf":1.4142135623730951},"15":{"tf":2.449489742783178},"45":{"tf":1.4142135623730951}}},"6":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"7":{".":{"0":{"df":1,"docs":{"53":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":7,"docs":{"15":{"tf":2.449489742783178},"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"44":{"tf":1.0},"45":{"tf":2.449489742783178},"6":{"tf":1.0}}},"7":{"5":{"4":{"df":1,"docs":{"45":{"tf":1.0}}},"df":0,"docs":{}},"df":2,"docs":{"15":{"tf":2.449489742783178},"45":{"tf":1.4142135623730951}}},"8":{"df":2,"docs":{"15":{"tf":2.449489742783178},"45":{"tf":1.4142135623730951}}},"9":{".":{"8":{"1":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":2,"docs":{"15":{"tf":2.449489742783178},"45":{"tf":1.4142135623730951}}},"_":{">":{"(":{"&":{"df":0,"docs":{},"t":{"a":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"u":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":1,"docs":{"46":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":3,"docs":{"20":{"tf":1.0},"45":{"tf":1.4142135623730951},"6":{"tf":1.0}},"p":{"df":7,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.4142135623730951},"32":{"tf":2.0},"45":{"tf":1.4142135623730951}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"n":{"df":4,"docs":{"29":{"tf":1.0},"44":{"tf":1.0},"49":{"tf":1.0},"50":{"tf":1.4142135623730951}}}}}},"t":{"df":17,"docs":{"2":{"tf":1.0},"24":{"tf":1.7320508075688772},"26":{"tf":2.0},"28":{"tf":2.0},"29":{"tf":2.0},"31":{"tf":2.23606797749979},"32":{"tf":3.1622776601683795},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":2.23606797749979},"42":{"tf":2.23606797749979},"45":{"tf":2.449489742783178},"46":{"tf":1.7320508075688772},"47":{"tf":1.7320508075688772},"49":{"tf":2.449489742783178},"50":{"tf":3.0}}},"v":{"df":2,"docs":{"31":{"tf":1.0},"32":{"tf":1.4142135623730951}}}},"a":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.0}},"j":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}}}},"b":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":1,"docs":{"16":{"tf":1.0}}}},"o":{"df":0,"docs":{},"v":{"df":14,"docs":{"1":{"tf":1.0},"14":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"23":{"tf":1.7320508075688772},"24":{"tf":1.0},"3":{"tf":1.0},"31":{"tf":1.0},"53":{"tf":1.0},"55":{"tf":1.0},"56":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"2":{"tf":2.0}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"24":{"tf":1.4142135623730951},"53":{"tf":1.0}}}}},"r":{"b":{"df":1,"docs":{"0":{"tf":1.0}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}},"c":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"3":{"tf":1.0},"7":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"s":{"df":3,"docs":{"40":{"tf":1.0},"47":{"tf":1.0},"53":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"r":{"d":{"df":2,"docs":{"7":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"7":{"tf":1.0}}}}}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"0":{"tf":1.0}}}}}}},"df":0,"docs":{},"t":{"df":2,"docs":{"4":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"27":{"tf":1.0}}}},"v":{"df":1,"docs":{"17":{"tf":1.0}}}}}},"d":{"d":{"df":2,"docs":{"26":{"tf":1.0},"28":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":5,"docs":{"13":{"tf":1.4142135623730951},"22":{"tf":1.0},"26":{"tf":1.7320508075688772},"53":{"tf":1.0},"8":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"34":{"tf":1.0}}}}}}}},"df":1,"docs":{"28":{"tf":1.0}},"j":{"df":0,"docs":{},"o":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"49":{"tf":1.0}}}}}}},"m":{"df":1,"docs":{"6":{"tf":1.4142135623730951}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.0}},"r":{"df":1,"docs":{"5":{"tf":1.0}}}}}}}}},"v":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"55":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"53":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"g":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":4,"docs":{"26":{"tf":1.0},"31":{"tf":1.0},"55":{"tf":1.0},"7":{"tf":1.0}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"51":{"tf":1.0},"53":{"tf":1.0}}}}}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"r":{"a":{"df":6,"docs":{"0":{"tf":1.4142135623730951},"26":{"tf":1.0},"47":{"tf":1.4142135623730951},"52":{"tf":1.4142135623730951},"8":{"tf":2.8284271247461903},"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"m":{"df":1,"docs":{"19":{"tf":1.0}}}}}}}}},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":5,"docs":{"2":{"tf":1.0},"5":{"tf":1.0},"53":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"5":{"tf":1.0}},"g":{"df":3,"docs":{"13":{"tf":1.4142135623730951},"52":{"tf":2.23606797749979},"8":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"h":{"a":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"a":{"d":{"df":0,"docs":{},"i":{"df":3,"docs":{"21":{"tf":1.0},"40":{"tf":1.4142135623730951},"47":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"w":{"a":{"df":0,"docs":{},"y":{"df":1,"docs":{"3":{"tf":1.0}}}},"df":0,"docs":{}}},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"40":{"tf":1.0}}}}}}},"n":{"d":{"/":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{},"g":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}}}},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":3,"docs":{"10":{"tf":1.0},"21":{"tf":1.0},"3":{"tf":1.0}}}}}},"p":{"df":0,"docs":{},"i":{"df":5,"docs":{"0":{"tf":1.0},"21":{"tf":2.0},"23":{"tf":3.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.0}}},"p":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"3":{"tf":1.0}}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"30":{"tf":1.0}}},"df":2,"docs":{"17":{"tf":1.0},"6":{"tf":1.4142135623730951}}}},"r":{"df":0,"docs":{},"o":{"a":{"c":{"df":0,"docs":{},"h":{"df":1,"docs":{"5":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}}}},"x":{"df":2,"docs":{"13":{"tf":1.4142135623730951},"14":{"tf":1.0}},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"13":{"tf":1.7320508075688772},"14":{"tf":1.4142135623730951}}}}}}}}},"r":{"df":0,"docs":{},"e":{"a":{"df":2,"docs":{"16":{"tf":1.0},"17":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"g":{"df":0,"docs":{},"u":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"28":{"tf":1.0}}}}}}}},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"8":{"tf":1.0}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"d":{"df":3,"docs":{"21":{"tf":1.0},"24":{"tf":1.0},"45":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"a":{"df":0,"docs":{},"y":{"df":2,"docs":{"53":{"tf":1.0},"56":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"47":{"tf":1.4142135623730951}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":1,"docs":{"47":{"tf":1.0}}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}}},"o":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"24":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"m":{"df":5,"docs":{"1":{"tf":1.0},"16":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.0},"40":{"tf":1.0}},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}}}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"(":{"[":{"1":{"df":4,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"24":{"tf":1.0}}}},"t":{"a":{"c":{"df":0,"docs":{},"h":{"df":1,"docs":{"4":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}}}}}}},"v":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":1,"docs":{"46":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}},"w":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"x":{"df":0,"docs":{},"i":{"df":3,"docs":{"13":{"tf":1.0},"2":{"tf":1.4142135623730951},"54":{"tf":1.4142135623730951}}}}},"b":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}}},"a":{"c":{"df":0,"docs":{},"k":{"df":1,"docs":{"50":{"tf":1.0}},"e":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"23":{"tf":1.4142135623730951},"44":{"tf":2.23606797749979}}},"df":0,"docs":{}}},"w":{"a":{"df":0,"docs":{},"r":{"d":{"df":1,"docs":{"46":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"7":{"tf":1.0}}}}}}},"df":3,"docs":{"0":{"tf":1.4142135623730951},"5":{"tf":1.7320508075688772},"7":{"tf":4.69041575982343}}}},"n":{"d":{"df":2,"docs":{"52":{"tf":1.4142135623730951},"53":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"e":{"df":8,"docs":{"0":{"tf":1.0},"16":{"tf":2.23606797749979},"20":{"tf":1.0},"34":{"tf":1.0},"35":{"tf":1.0},"47":{"tf":1.4142135623730951},"50":{"tf":1.0},"6":{"tf":1.0}}},"i":{"c":{"df":1,"docs":{"0":{"tf":1.0}}},"df":1,"docs":{"6":{"tf":1.0}}}},"t":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":3,"docs":{"16":{"tf":2.8284271247461903},"18":{"tf":1.0},"20":{"tf":1.7320508075688772}}},"y":{"'":{"df":1,"docs":{"16":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}}}},"c":{"df":1,"docs":{"13":{"tf":1.0}}},"d":{"df":0,"docs":{},"f":{"df":4,"docs":{"46":{"tf":1.0},"47":{"tf":1.0},"55":{"tf":1.7320508075688772},"56":{"tf":1.7320508075688772}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"_":{"df":0,"docs":{},"w":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"46":{"tf":1.0},"47":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":2,"docs":{"46":{"tf":1.0},"47":{"tf":1.0}}}}},"df":0,"docs":{}}}}},"df":3,"docs":{"13":{"tf":1.4142135623730951},"14":{"tf":1.4142135623730951},"2":{"tf":3.0}},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":2,"docs":{"13":{"tf":1.4142135623730951},"50":{"tf":1.0}}}}},"df":1,"docs":{"0":{"tf":1.0}},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":4,"docs":{"0":{"tf":1.0},"46":{"tf":1.4142135623730951},"7":{"tf":1.0},"8":{"tf":1.0}}}}},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"51":{"tf":1.0}},"{":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":5,"docs":{"1":{"tf":1.0},"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}}}}},"b":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":9,"docs":{"1":{"tf":2.0},"13":{"tf":2.23606797749979},"2":{"tf":2.449489742783178},"26":{"tf":2.0},"3":{"tf":1.4142135623730951},"31":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"9":{"tf":2.23606797749979}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"h":{"a":{"df":0,"docs":{},"v":{"df":1,"docs":{"2":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":3,"docs":{"0":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.0}}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"23":{"tf":1.0},"44":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":5,"docs":{"19":{"tf":1.0},"20":{"tf":1.0},"24":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0}}}}},"n":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":1,"docs":{"51":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"23":{"tf":1.0}}}},"t":{"a":{"df":4,"docs":{"26":{"tf":2.8284271247461903},"37":{"tf":1.4142135623730951},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":6,"docs":{"13":{"tf":1.0},"2":{"tf":1.0},"53":{"tf":1.4142135623730951},"56":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.4142135623730951}}}}}}},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"50":{"tf":1.0}}},"df":0,"docs":{}}}}},"i":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}},"i":{"df":1,"docs":{"0":{"tf":1.0}}}}}}}},"o":{"d":{"df":0,"docs":{},"i":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":2.23606797749979}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":1,"docs":{"6":{"tf":1.0}}}},"o":{"df":0,"docs":{},"k":{"df":3,"docs":{"10":{"tf":1.0},"21":{"tf":1.0},"43":{"tf":1.0}}}},"t":{"df":0,"docs":{},"h":{"df":6,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0},"46":{"tf":1.0},"53":{"tf":1.0},"55":{"tf":1.0},"8":{"tf":1.0}}}},"u":{"df":0,"docs":{},"n":{"c":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.4142135623730951},"7":{"tf":2.8284271247461903}}},"d":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":3,"docs":{"13":{"tf":1.4142135623730951},"17":{"tf":1.0},"52":{"tf":1.0}}}}},"df":2,"docs":{"53":{"tf":1.0},"56":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"k":{"df":4,"docs":{"29":{"tf":1.0},"50":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{"(":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":4,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"44":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":2,"docs":{"15":{"tf":1.0},"20":{"tf":1.0}}}}},"m":{"df":0,"docs":{},"y":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":1,"docs":{"42":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}}},"df":2,"docs":{"34":{"tf":1.0},"44":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}},"df":11,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"26":{"tf":1.0}}}}},"df":0,"docs":{}}},"t":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"46":{"tf":1.0}}}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"18":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"42":{"tf":1.0}}}}}}},"y":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"47":{"tf":1.0}}}}},"df":0,"docs":{}}}},"c":{"/":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}},"^":{"0":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"1":{"df":1,"docs":{"1":{"tf":2.23606797749979}}},"2":{"df":1,"docs":{"1":{"tf":2.23606797749979}}},"df":0,"docs":{},"e":{"df":1,"docs":{"18":{"tf":1.0}}},"i":{"(":{"df":0,"docs":{},"r":{"=":{"df":0,"docs":{},"r":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"^":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"x":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":1,"docs":{"17":{"tf":1.7320508075688772}},"}":{"df":0,"docs":{},"{":{"\\":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"n":{"df":3,"docs":{"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0}}},"p":{"df":3,"docs":{"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0}}}},"a":{"df":0,"docs":{},"l":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":7,"docs":{"16":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"22":{"tf":1.0},"45":{"tf":1.0},"53":{"tf":1.4142135623730951},"55":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":4,"docs":{"35":{"tf":1.0},"36":{"tf":1.0},"41":{"tf":2.0},"42":{"tf":2.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":12,"docs":{"1":{"tf":1.0},"10":{"tf":1.0},"2":{"tf":1.4142135623730951},"21":{"tf":1.0},"24":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"40":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.0},"53":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.4142135623730951}}}},"p":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"8":{"tf":1.0}}}},"c":{"df":1,"docs":{"24":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":2.23606797749979}}}}}}},"df":0,"docs":{}},"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":2,"docs":{"16":{"tf":1.0},"2":{"tf":1.4142135623730951}}}}}},"r":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"24":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"e":{"df":10,"docs":{"13":{"tf":1.0},"2":{"tf":1.0},"25":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.7320508075688772},"37":{"tf":1.0},"45":{"tf":1.0},"53":{"tf":1.0},"55":{"tf":1.7320508075688772},"56":{"tf":1.0}}}},"u":{"df":0,"docs":{},"s":{"df":1,"docs":{"55":{"tf":1.0}}}}},"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"17":{"tf":1.0}}}}},"df":6,"docs":{"1":{"tf":1.7320508075688772},"2":{"tf":3.0},"4":{"tf":1.7320508075688772},"54":{"tf":1.0},"56":{"tf":1.0},"9":{"tf":2.0}},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":1,"docs":{"1":{"tf":2.8284271247461903}}}},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}},"r":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"13":{"tf":1.0},"6":{"tf":2.8284271247461903}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"27":{"tf":1.0}}}}},"df":0,"docs":{}}}},"g":{">":{":":{":":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"44":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}},"e":{"(":{"&":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":8,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"44":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"h":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":9,"docs":{"0":{"tf":1.0},"1":{"tf":1.7320508075688772},"12":{"tf":1.0},"2":{"tf":2.0},"20":{"tf":1.0},"5":{"tf":1.4142135623730951},"53":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}}}},"p":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"51":{"tf":1.0}}}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"k":{"df":2,"docs":{"53":{"tf":1.0},"56":{"tf":1.0}}}},"df":0,"docs":{},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"0":{"tf":1.0}}}}}}}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":4,"docs":{"45":{"tf":1.0},"46":{"tf":1.0},"52":{"tf":1.0},"9":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":2,"docs":{"47":{"tf":1.0},"50":{"tf":1.0}}}}}}},"i":{"df":0,"docs":{},"r":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.0}}}}}}},"df":5,"docs":{"0":{"tf":1.7320508075688772},"16":{"tf":1.7320508075688772},"18":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":2.449489742783178}}}}}},"df":0,"docs":{}}},"l":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"22":{"tf":1.0}},"i":{"c":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":1,"docs":{"6":{"tf":2.449489742783178}},"e":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"6":{"tf":1.7320508075688772}},"e":{"/":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"56":{"tf":1.0}}}}}},"df":0,"docs":{}},"i":{"c":{"df":0,"docs":{},"k":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"55":{"tf":1.4142135623730951}}},"u":{"df":0,"docs":{},"r":{"df":4,"docs":{"2":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0},"56":{"tf":2.0}}}}}}},"o":{"d":{"df":0,"docs":{},"e":{"df":13,"docs":{"2":{"tf":1.0},"20":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0},"28":{"tf":1.0},"4":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":1.0},"44":{"tf":1.4142135623730951},"47":{"tf":1.0},"53":{"tf":1.0},"54":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":4,"docs":{"16":{"tf":1.0},"17":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":2.0}}}},"df":0,"docs":{}}}}},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"5":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"m":{"df":0,"docs":{},"n":{"df":2,"docs":{"24":{"tf":1.0},"45":{"tf":1.0}}}}}},"m":{"b":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":4,"docs":{"1":{"tf":1.0},"20":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0}}}}},"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{":":{":":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":4,"docs":{"0":{"tf":1.4142135623730951},"10":{"tf":1.0},"27":{"tf":1.0},"37":{"tf":1.0}}}}},"p":{"a":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"56":{"tf":1.0}}}},"df":2,"docs":{"51":{"tf":1.4142135623730951},"56":{"tf":1.0}},"t":{"df":1,"docs":{"6":{"tf":3.872983346207417}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.0}}}}}}}},"t":{"df":1,"docs":{"53":{"tf":1.0}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":5,"docs":{"20":{"tf":1.0},"44":{"tf":1.4142135623730951},"53":{"tf":1.0},"54":{"tf":1.4142135623730951},"56":{"tf":1.0}}}},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":4,"docs":{"16":{"tf":1.0},"23":{"tf":1.0},"35":{"tf":1.0},"8":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"24":{"tf":1.0},"45":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"16":{"tf":1.0}}}}}}},"df":3,"docs":{"30":{"tf":1.0},"31":{"tf":1.4142135623730951},"35":{"tf":1.0}}}}}},"n":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":4,"docs":{"1":{"tf":2.23606797749979},"17":{"tf":1.7320508075688772},"18":{"tf":1.0},"6":{"tf":1.7320508075688772}}}}}}},"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":17,"docs":{"0":{"tf":1.0},"1":{"tf":1.4142135623730951},"13":{"tf":1.4142135623730951},"16":{"tf":1.0},"17":{"tf":1.0},"19":{"tf":1.4142135623730951},"2":{"tf":1.7320508075688772},"20":{"tf":1.7320508075688772},"27":{"tf":1.0},"36":{"tf":1.4142135623730951},"40":{"tf":1.0},"47":{"tf":1.0},"5":{"tf":1.0},"52":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"6":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"v":{"df":1,"docs":{"8":{"tf":1.0}}}}},"i":{"d":{"df":5,"docs":{"12":{"tf":1.0},"2":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":4,"docs":{"4":{"tf":1.0},"43":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}}}},"t":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":9,"docs":{"1":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"31":{"tf":1.0},"34":{"tf":1.0},"36":{"tf":1.0},"4":{"tf":1.0},"55":{"tf":1.0}},"o":{"df":0,"docs":{},"p":{"df":6,"docs":{"34":{"tf":1.0},"36":{"tf":1.7320508075688772},"40":{"tf":1.4142135623730951},"41":{"tf":1.7320508075688772},"42":{"tf":2.0},"45":{"tf":1.0}}}}}}},"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"43":{"tf":1.0}},"t":{"df":2,"docs":{"47":{"tf":1.4142135623730951},"8":{"tf":1.0}}}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":5,"docs":{"29":{"tf":1.0},"40":{"tf":1.0},"45":{"tf":1.0},"50":{"tf":1.0},"52":{"tf":2.0}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"t":{"df":1,"docs":{"44":{"tf":1.0}}}}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"u":{"df":7,"docs":{"0":{"tf":1.0},"13":{"tf":1.0},"29":{"tf":1.0},"5":{"tf":1.4142135623730951},"50":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":3,"docs":{"30":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":1.0}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":1,"docs":{"33":{"tf":1.0}}}},"r":{"df":0,"docs":{},"g":{"df":3,"docs":{"29":{"tf":1.0},"5":{"tf":1.0},"50":{"tf":1.4142135623730951}}},"t":{"df":4,"docs":{"0":{"tf":1.0},"13":{"tf":1.0},"14":{"tf":1.0},"4":{"tf":1.0}}}}}}},"r":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"40":{"tf":1.0}}},"df":0,"docs":{}}}}}}}},"u":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":1,"docs":{"1":{"tf":1.0}}}},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"40":{"tf":1.0}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"r":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"t":{"df":1,"docs":{"23":{"tf":1.0}},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":8,"docs":{"15":{"tf":1.4142135623730951},"2":{"tf":2.0},"20":{"tf":1.4142135623730951},"4":{"tf":1.4142135623730951},"44":{"tf":2.23606797749979},"6":{"tf":1.4142135623730951},"7":{"tf":1.4142135623730951},"9":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}}}}}}},"t":{"df":0,"docs":{},"e":{"df":6,"docs":{"0":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.4142135623730951},"24":{"tf":1.0},"46":{"tf":1.7320508075688772},"6":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":9,"docs":{"24":{"tf":2.0},"31":{"tf":1.0},"34":{"tf":1.4142135623730951},"40":{"tf":1.0},"42":{"tf":1.4142135623730951},"44":{"tf":1.7320508075688772},"45":{"tf":1.0},"46":{"tf":3.1622776601683795},"47":{"tf":1.7320508075688772}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"19":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"_":{"df":0,"docs":{},"t":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":12,"docs":{"1":{"tf":1.4142135623730951},"16":{"tf":1.0},"17":{"tf":1.4142135623730951},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":2.6457513110645907},"32":{"tf":1.0},"47":{"tf":1.7320508075688772},"5":{"tf":1.4142135623730951},"50":{"tf":1.0},"8":{"tf":1.4142135623730951},"9":{"tf":2.6457513110645907}}}}}},"v":{"df":1,"docs":{"20":{"tf":1.0}}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":8,"docs":{"23":{"tf":1.0},"33":{"tf":1.4142135623730951},"34":{"tf":1.0},"35":{"tf":1.7320508075688772},"37":{"tf":1.0},"38":{"tf":1.0},"42":{"tf":1.0},"45":{"tf":1.4142135623730951}}}}}}},"v":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"/":{"c":{"df":0,"docs":{},"v":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"s":{"_":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"c":{"df":0,"docs":{},"k":{"_":{"df":0,"docs":{},"k":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{".":{"c":{"df":1,"docs":{"52":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":3,"docs":{"52":{"tf":1.0},"53":{"tf":1.0},"55":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"}":{"df":0,"docs":{},"{":{"\\":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"d":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.4142135623730951}}}},"a":{"df":0,"docs":{},"e":{"df":5,"docs":{"0":{"tf":2.23606797749979},"25":{"tf":1.0},"52":{"tf":1.4142135623730951},"53":{"tf":1.0},"8":{"tf":3.3166247903554}}},"m":{"df":0,"docs":{},"p":{"df":2,"docs":{"0":{"tf":1.0},"4":{"tf":2.0}}}},"t":{"a":{"df":5,"docs":{"0":{"tf":1.0},"23":{"tf":1.0},"33":{"tf":1.0},"35":{"tf":1.0},"40":{"tf":2.0}}},"df":0,"docs":{}}},"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":2.449489742783178}}}}},"df":4,"docs":{"12":{"tf":1.4142135623730951},"14":{"tf":1.0},"15":{"tf":1.4142135623730951},"2":{"tf":3.0}},"e":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":1,"docs":{"2":{"tf":1.7320508075688772}}}}},"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"46":{"tf":1.7320508075688772}}}}}}}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"55":{"tf":1.0}}}},"df":0,"docs":{}}}},"d":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"21":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"a":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":2,"docs":{"24":{"tf":1.0},"44":{"tf":1.0}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":7,"docs":{"1":{"tf":1.7320508075688772},"18":{"tf":1.0},"35":{"tf":1.0},"40":{"tf":1.4142135623730951},"46":{"tf":2.0},"53":{"tf":2.0},"6":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772}}},"y":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{}}}}}},"t":{"a":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.0}}},"n":{"df":1,"docs":{"17":{"tf":1.0}}},"p":{"df":1,"docs":{"17":{"tf":1.0}}},"t":{"df":1,"docs":{"20":{"tf":1.7320508075688772}}}},"df":1,"docs":{"5":{"tf":1.0}}},"df":0,"docs":{}}},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":4,"docs":{"10":{"tf":1.0},"35":{"tf":1.0},"56":{"tf":1.0},"9":{"tf":1.0}}}}}}}},"n":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}},"s":{"df":6,"docs":{"13":{"tf":1.0},"24":{"tf":1.4142135623730951},"43":{"tf":1.0},"52":{"tf":1.7320508075688772},"53":{"tf":1.0},"55":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":2,"docs":{"17":{"tf":1.0},"18":{"tf":1.0}}}}}}},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"d":{"df":7,"docs":{"1":{"tf":1.0},"17":{"tf":1.0},"2":{"tf":1.0},"25":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":9,"docs":{"0":{"tf":1.0},"1":{"tf":1.4142135623730951},"13":{"tf":1.4142135623730951},"14":{"tf":1.4142135623730951},"3":{"tf":2.0},"30":{"tf":1.0},"31":{"tf":1.4142135623730951},"8":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}},"s":{"c":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"b":{"df":12,"docs":{"1":{"tf":1.4142135623730951},"12":{"tf":1.0},"16":{"tf":1.4142135623730951},"2":{"tf":1.0},"20":{"tf":1.0},"3":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":1.0},"8":{"tf":2.0},"9":{"tf":1.0}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"16":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":3,"docs":{"0":{"tf":1.0},"43":{"tf":1.0},"5":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"y":{"df":1,"docs":{"40":{"tf":1.0}}}}}}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":6,"docs":{"13":{"tf":1.0},"16":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.0},"53":{"tf":1.0},"55":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":6,"docs":{"0":{"tf":1.0},"19":{"tf":1.0},"29":{"tf":1.4142135623730951},"45":{"tf":1.7320508075688772},"5":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"45":{"tf":1.0}}}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":1,"docs":{"51":{"tf":1.0}}}}}}}},"i":{"_":{"df":0,"docs":{},"l":{"/":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"a":{"df":0,"docs":{},"g":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":4,"docs":{"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"8":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"c":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"n":{"'":{"df":0,"docs":{},"t":{"df":1,"docs":{"29":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":16,"docs":{"1":{"tf":1.0},"10":{"tf":1.4142135623730951},"11":{"tf":1.4142135623730951},"12":{"tf":1.0},"13":{"tf":2.0},"16":{"tf":1.4142135623730951},"2":{"tf":2.0},"20":{"tf":1.4142135623730951},"45":{"tf":1.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.0},"5":{"tf":1.0},"53":{"tf":2.0},"55":{"tf":1.7320508075688772},"56":{"tf":1.4142135623730951},"8":{"tf":1.0}},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":7,"docs":{"0":{"tf":1.7320508075688772},"1":{"tf":1.0},"10":{"tf":1.0},"43":{"tf":1.0},"52":{"tf":1.0},"8":{"tf":2.449489742783178},"9":{"tf":1.4142135623730951}}}}}}}},"i":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":1,"docs":{"5":{"tf":1.0}}}}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"l":{":":{":":{"<":{"df":0,"docs":{},"m":{"df":8,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"44":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":14,"docs":{"15":{"tf":1.0},"2":{"tf":1.7320508075688772},"20":{"tf":2.0},"21":{"tf":1.0},"23":{"tf":2.23606797749979},"4":{"tf":1.0},"43":{"tf":2.449489742783178},"44":{"tf":2.8284271247461903},"53":{"tf":1.0},"54":{"tf":1.0},"56":{"tf":2.8284271247461903},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"o":{"df":0,"docs":{},"l":{"'":{"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":1.0}}},":":{":":{"b":{"d":{"df":0,"docs":{},"f":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"f":{"a":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":1,"docs":{"46":{"tf":1.0}}}},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":1,"docs":{"46":{"tf":1.0}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"n":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"44":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":1,"docs":{"46":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"o":{"d":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"df":12,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"42":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{},"p":{"df":1,"docs":{"35":{"tf":1.4142135623730951}}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":1,"docs":{"46":{"tf":1.0}}}}}},"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":2,"docs":{"24":{"tf":1.4142135623730951},"45":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"{":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"s":{"df":0,"docs":{},"l":{"df":1,"docs":{"44":{"tf":1.4142135623730951}}}}}}}},"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"df":1,"docs":{"44":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":1,"docs":{"45":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"d":{"df":4,"docs":{"29":{"tf":1.0},"32":{"tf":1.4142135623730951},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}}}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"46":{"tf":1.0},"47":{"tf":1.0}}}}}}}}}}}},"df":0,"docs":{},"p":{"df":4,"docs":{"36":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":32,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":1.4142135623730951},"10":{"tf":1.7320508075688772},"13":{"tf":1.0},"14":{"tf":1.0},"15":{"tf":1.4142135623730951},"19":{"tf":1.0},"2":{"tf":1.7320508075688772},"20":{"tf":1.7320508075688772},"21":{"tf":1.7320508075688772},"22":{"tf":1.0},"23":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.4142135623730951},"28":{"tf":1.0},"3":{"tf":1.0},"35":{"tf":1.0},"4":{"tf":1.4142135623730951},"43":{"tf":1.7320508075688772},"44":{"tf":1.0},"45":{"tf":2.0},"49":{"tf":1.0},"5":{"tf":2.0},"51":{"tf":1.0},"52":{"tf":2.0},"53":{"tf":3.0},"54":{"tf":1.0},"55":{"tf":2.449489742783178},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"8":{"tf":1.7320508075688772},"9":{"tf":1.4142135623730951}}}}},"u":{"df":0,"docs":{},"s":{"df":6,"docs":{"12":{"tf":1.0},"16":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"52":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.0}}}}}},"l":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":2,"docs":{"12":{"tf":1.0},"52":{"tf":1.4142135623730951}}}}}},"r":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"4":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"46":{"tf":1.4142135623730951},"55":{"tf":1.0}}}}}},"df":0,"docs":{}},"i":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"s":{"c":{"df":0,"docs":{},"h":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"g":{"df":1,"docs":{"20":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"u":{"df":1,"docs":{"5":{"tf":1.4142135623730951}}}}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"55":{"tf":1.0}}},"t":{"df":6,"docs":{"0":{"tf":2.23606797749979},"10":{"tf":1.4142135623730951},"12":{"tf":1.0},"13":{"tf":1.0},"5":{"tf":3.1622776601683795},"7":{"tf":1.0}},"i":{"df":0,"docs":{},"s":{"df":5,"docs":{"10":{"tf":1.0},"11":{"tf":1.0},"13":{"tf":2.0},"20":{"tf":1.0},"25":{"tf":1.0}}}}}}},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"30":{"tf":1.0},"55":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"1":{"tf":1.0}}}},"df":0,"docs":{}},"h":{"df":1,"docs":{"1":{"tf":1.7320508075688772}}},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":1,"docs":{"4":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}}}},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"26":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":5,"docs":{"13":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.0},"23":{"tf":1.0},"43":{"tf":1.0}}}}},"df":0,"docs":{}},"n":{"'":{"df":0,"docs":{},"t":{"df":1,"docs":{"47":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":4,"docs":{"24":{"tf":1.0},"28":{"tf":1.0},"34":{"tf":1.0},"35":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"6":{"tf":3.605551275463989}},"s":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"k":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"(":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"[":{"0":{"]":{".":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"w":{"df":0,"docs":{},"n":{"df":4,"docs":{"1":{"tf":1.0},"20":{"tf":1.0},"56":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"o":{"df":0,"docs":{},"p":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}}},"u":{"df":0,"docs":{},"g":{"df":3,"docs":{"0":{"tf":1.7320508075688772},"5":{"tf":1.7320508075688772},"6":{"tf":4.0}}}}},"s":{"df":0,"docs":{},"l":{"df":3,"docs":{"21":{"tf":1.4142135623730951},"23":{"tf":1.0},"43":{"tf":1.0}}}},"u":{"d":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"e":{"df":5,"docs":{"3":{"tf":1.0},"45":{"tf":1.0},"55":{"tf":2.0},"56":{"tf":1.0},"7":{"tf":1.0}}},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":2,"docs":{"45":{"tf":1.0},"52":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"e":{"df":4,"docs":{"20":{"tf":1.4142135623730951},"29":{"tf":1.4142135623730951},"40":{"tf":1.0},"5":{"tf":1.0}}}}},"v":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"1":{"df":9,"docs":{"24":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"26":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":2,"docs":{"24":{"tf":1.0},"26":{"tf":1.0}}}}}},"df":0,"docs":{}}},"y":{"/":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"24":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":4,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"2":{"tf":2.0},"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{".":{"df":0,"docs":{},"g":{"df":1,"docs":{"40":{"tf":1.0}}}},"a":{"c":{"df":0,"docs":{},"h":{"df":19,"docs":{"13":{"tf":1.0},"14":{"tf":1.0},"17":{"tf":1.0},"2":{"tf":1.4142135623730951},"24":{"tf":1.0},"32":{"tf":1.0},"34":{"tf":1.7320508075688772},"45":{"tf":1.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.7320508075688772},"48":{"tf":1.0},"5":{"tf":1.4142135623730951},"52":{"tf":1.4142135623730951},"53":{"tf":1.0},"54":{"tf":1.0},"55":{"tf":1.0},"56":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"21":{"tf":1.0},"46":{"tf":1.0}}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"23":{"tf":1.0},"49":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"21":{"tf":1.0},"56":{"tf":1.0}}}}}}},"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"y":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":2,"docs":{"11":{"tf":1.0},"2":{"tf":1.4142135623730951}}}}}}}}}},"df":3,"docs":{"29":{"tf":1.0},"50":{"tf":1.0},"7":{"tf":2.23606797749979}},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.0},"6":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"df":0,"docs":{}},"i":{"c":{"a":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"i":{"df":5,"docs":{"16":{"tf":1.0},"20":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0},"50":{"tf":1.0}}}},"df":0,"docs":{}}}},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":4,"docs":{"0":{"tf":1.4142135623730951},"16":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}},"o":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":1,"docs":{"16":{"tf":1.4142135623730951}}}}}},"d":{"df":3,"docs":{"16":{"tf":2.23606797749979},"17":{"tf":2.6457513110645907},"18":{"tf":1.0}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"y":{"df":0,"docs":{},"t":{"df":1,"docs":{"18":{"tf":1.0}}}}}}}}},"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":5,"docs":{"10":{"tf":1.0},"11":{"tf":1.7320508075688772},"13":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951},"45":{"tf":2.23606797749979}}}}}}}},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"35":{"tf":1.0}}}}}},"n":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"c":{"df":0,"docs":{},"o":{"d":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}}},"d":{"df":0,"docs":{},"{":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":5,"docs":{"1":{"tf":1.0},"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}}}}},"b":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":9,"docs":{"1":{"tf":2.0},"13":{"tf":2.23606797749979},"2":{"tf":2.449489742783178},"26":{"tf":2.0},"3":{"tf":1.4142135623730951},"31":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"9":{"tf":2.23606797749979}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":3,"docs":{"40":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":4,"docs":{"38":{"tf":1.0},"39":{"tf":1.0},"41":{"tf":1.0},"53":{"tf":1.0}}}},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"8":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"m":{"df":2,"docs":{"29":{"tf":1.0},"50":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}}}},"q":{"df":0,"docs":{},"n":{"df":8,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"44":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"u":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"27":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}},"t":{"df":33,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":2.449489742783178},"10":{"tf":1.0},"12":{"tf":2.23606797749979},"13":{"tf":2.6457513110645907},"14":{"tf":1.4142135623730951},"15":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":2.23606797749979},"20":{"tf":2.449489742783178},"22":{"tf":1.4142135623730951},"24":{"tf":1.7320508075688772},"26":{"tf":1.4142135623730951},"27":{"tf":1.0},"3":{"tf":1.4142135623730951},"31":{"tf":2.23606797749979},"34":{"tf":1.0},"35":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.0},"4":{"tf":1.0},"41":{"tf":1.0},"43":{"tf":1.4142135623730951},"45":{"tf":2.0},"47":{"tf":1.0},"49":{"tf":1.0},"52":{"tf":2.23606797749979},"56":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"8":{"tf":4.0},"9":{"tf":2.6457513110645907}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"15":{"tf":1.0}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"16":{"tf":1.0},"53":{"tf":1.0}}}},"df":0,"docs":{}}}}},"r":{"df":0,"docs":{},"r":{"(":{"_":{"df":3,"docs":{"20":{"tf":1.0},"50":{"tf":1.0},"7":{"tf":1.0}}},"df":2,"docs":{"29":{"tf":1.0},"50":{"tf":1.0}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":4,"docs":{"20":{"tf":1.0},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0}}}}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"3":{"4":{"df":1,"docs":{"46":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"46":{"tf":1.0}}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"30":{"tf":1.0}}}}}},"t":{"a":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.4142135623730951}}},"n":{"df":1,"docs":{"18":{"tf":1.0}}},"p":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}},"c":{"df":1,"docs":{"54":{"tf":1.0}}},"df":0,"docs":{}},"v":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":3,"docs":{"23":{"tf":1.0},"33":{"tf":1.0},"35":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":2.6457513110645907},"5":{"tf":3.605551275463989},"7":{"tf":2.449489742783178}}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.0},"5":{"tf":1.0},"9":{"tf":1.0}}}}}}},"x":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":25,"docs":{"0":{"tf":3.3166247903554},"1":{"tf":1.7320508075688772},"10":{"tf":1.0},"12":{"tf":1.4142135623730951},"13":{"tf":1.0},"2":{"tf":1.7320508075688772},"21":{"tf":1.0},"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"28":{"tf":1.4142135623730951},"3":{"tf":1.7320508075688772},"31":{"tf":1.0},"4":{"tf":1.0},"40":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.0},"5":{"tf":1.4142135623730951},"52":{"tf":2.449489742783178},"53":{"tf":2.0},"56":{"tf":1.0},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.4142135623730951},"9":{"tf":1.0}}}}}},"c":{"df":0,"docs":{},"e":{"df":1,"docs":{"19":{"tf":1.0}},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"54":{"tf":1.0}}}}},"h":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":1,"docs":{"18":{"tf":1.0}}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"44":{"tf":1.0}}}}},"df":0,"docs":{}},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"55":{"tf":1.0}}}},"df":0,"docs":{}},"l":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"0":{"tf":1.0},"21":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"1":{"tf":2.23606797749979},"8":{"tf":2.449489742783178}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"24":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}}}}}}}}},"f":{"'":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"26":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"i":{"df":3,"docs":{"24":{"tf":1.7320508075688772},"35":{"tf":1.0},"45":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"26":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"i":{"df":2,"docs":{"24":{"tf":1.7320508075688772},"35":{"tf":1.0}}},"t":{"df":3,"docs":{"22":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0}}}},"6":{"4":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{":":{":":{"<":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":6,"docs":{"35":{"tf":1.7320508075688772},"36":{"tf":1.0},"37":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":6,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"a":{"c":{"df":0,"docs":{},"e":{"df":1,"docs":{"21":{"tf":1.0}}},"t":{"df":3,"docs":{"45":{"tf":1.0},"55":{"tf":1.0},"56":{"tf":1.0}},"o":{"df":0,"docs":{},"r":{"df":2,"docs":{"53":{"tf":1.0},"55":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":1,"docs":{"24":{"tf":1.0}}}},"df":0,"docs":{},"l":{"<":{"df":0,"docs":{},"t":{"df":1,"docs":{"24":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"t":{"df":1,"docs":{"24":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"t":{"df":2,"docs":{"24":{"tf":1.0},"45":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":4,"docs":{"20":{"tf":1.0},"24":{"tf":1.0},"46":{"tf":1.4142135623730951},"52":{"tf":1.7320508075688772}},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":2,"docs":{"15":{"tf":1.0},"20":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":2,"docs":{"15":{"tf":1.0},"20":{"tf":1.0}}}}}}}},"df":0,"docs":{}}}}},"i":{"df":0,"docs":{},"l":{"df":4,"docs":{"29":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":1.0},"50":{"tf":1.7320508075688772}}}},"l":{"df":0,"docs":{},"l":{"df":2,"docs":{"19":{"tf":1.0},"7":{"tf":1.0}}},"s":{"df":1,"docs":{"20":{"tf":1.0}}}},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}}}},"r":{"a":{"d":{"a":{"df":0,"docs":{},"y":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"3":{"tf":1.0},"38":{"tf":1.0},"43":{"tf":1.0}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":4,"docs":{"23":{"tf":1.0},"44":{"tf":1.0},"55":{"tf":1.0},"56":{"tf":1.0}}}}}}},"d":{"df":2,"docs":{"13":{"tf":1.0},"14":{"tf":1.0}},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":1,"docs":{"11":{"tf":1.0}}}}}},"df":5,"docs":{"17":{"tf":1.7320508075688772},"18":{"tf":1.0},"24":{"tf":1.0},"26":{"tf":1.7320508075688772},"44":{"tf":1.4142135623730951}},"e":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":5,"docs":{"2":{"tf":1.0},"23":{"tf":1.0},"43":{"tf":1.0},"44":{"tf":1.4142135623730951},"7":{"tf":1.0}}}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"11":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"w":{"df":3,"docs":{"11":{"tf":1.0},"49":{"tf":1.0},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"d":{"df":2,"docs":{"32":{"tf":1.0},"6":{"tf":1.0}}},"df":0,"docs":{}}},"g":{"df":1,"docs":{"6":{"tf":1.7320508075688772}},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"e":{"df":9,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":2.0},"4":{"tf":1.0},"52":{"tf":2.0},"53":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"0":{"tf":1.0},"9":{"tf":1.7320508075688772}}}}}},"n":{"a":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"20":{"tf":1.4142135623730951},"7":{"tf":1.0}}}}}},"df":6,"docs":{"13":{"tf":1.0},"20":{"tf":1.4142135623730951},"34":{"tf":1.0},"49":{"tf":1.0},"53":{"tf":1.0},"7":{"tf":1.0}}}},"d":{"df":7,"docs":{"1":{"tf":1.0},"19":{"tf":1.0},"22":{"tf":1.0},"27":{"tf":1.7320508075688772},"28":{"tf":2.0},"5":{"tf":1.0},"50":{"tf":1.0}}},"df":0,"docs":{},"e":{"df":1,"docs":{"43":{"tf":1.0}}},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":1,"docs":{"20":{"tf":2.0}}}},"t":{"df":5,"docs":{"10":{"tf":2.0},"11":{"tf":2.449489742783178},"12":{"tf":1.0},"13":{"tf":2.0},"53":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"i":{"df":1,"docs":{"11":{"tf":1.0}}}},"r":{"df":0,"docs":{},"e":{"d":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"k":{"df":1,"docs":{"11":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"df":8,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":3.0},"2":{"tf":2.0},"3":{"tf":2.23606797749979},"35":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":1.4142135623730951}}}}},"t":{"df":1,"docs":{"23":{"tf":1.0}}}},"l":{"a":{"df":0,"docs":{},"g":{"df":2,"docs":{"23":{"tf":1.0},"44":{"tf":1.4142135623730951}}},"v":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"10":{"tf":1.0}}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"b":{"df":0,"docs":{},"l":{"df":3,"docs":{"21":{"tf":1.0},"23":{"tf":1.0},"5":{"tf":1.0}}}},"df":0,"docs":{}}}},"o":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.0}}}},"df":0,"docs":{},"w":{"df":3,"docs":{"45":{"tf":1.0},"8":{"tf":1.4142135623730951},"9":{"tf":1.7320508075688772}}}},"u":{"df":0,"docs":{},"x":{"df":1,"docs":{"17":{"tf":1.0}}}}},"n":{"df":25,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"35":{"tf":3.605551275463989},"36":{"tf":2.23606797749979},"37":{"tf":2.449489742783178},"4":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":5.5677643628300215},"42":{"tf":5.5677643628300215},"44":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"o":{"c":{"df":0,"docs":{},"u":{"df":3,"docs":{"43":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0}},"s":{"df":2,"docs":{"38":{"tf":1.0},"51":{"tf":1.0}}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":10,"docs":{"17":{"tf":1.0},"19":{"tf":1.0},"24":{"tf":1.0},"28":{"tf":1.0},"4":{"tf":1.0},"49":{"tf":1.0},"54":{"tf":1.0},"6":{"tf":1.4142135623730951},"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"o":{"d":{"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"b":{"df":4,"docs":{"52":{"tf":1.0},"53":{"tf":1.7320508075688772},"55":{"tf":1.4142135623730951},"56":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"f":{"df":1,"docs":{"45":{"tf":1.0}}}}}}}}},"r":{"c":{"df":2,"docs":{"4":{"tf":1.7320508075688772},"9":{"tf":1.0}}},"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":2,"docs":{"13":{"tf":1.0},"45":{"tf":1.0}}}},"df":15,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":2.0},"11":{"tf":1.0},"13":{"tf":1.0},"2":{"tf":1.4142135623730951},"22":{"tf":1.0},"25":{"tf":1.0},"26":{"tf":1.0},"3":{"tf":1.0},"44":{"tf":1.0},"52":{"tf":1.0},"6":{"tf":1.4142135623730951},"7":{"tf":1.0},"8":{"tf":2.449489742783178},"9":{"tf":1.0}},"u":{"df":0,"docs":{},"l":{"a":{"df":1,"docs":{"46":{"tf":1.0}}},"df":0,"docs":{}}}},"w":{"a":{"df":0,"docs":{},"r":{"d":{"df":5,"docs":{"1":{"tf":1.0},"30":{"tf":1.7320508075688772},"32":{"tf":1.0},"49":{"tf":1.0},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"29":{"tf":1.0},"53":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"a":{"c":{"df":1,"docs":{"17":{"tf":1.0}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"17":{"tf":1.0}}}}}},"{":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"h":{"^":{"2":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"2":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"f":{"df":1,"docs":{"18":{"tf":1.0}}}}}}}},"\\":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"^":{"2":{"df":2,"docs":{"12":{"tf":1.0},"13":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":2,"docs":{"12":{"tf":1.0},"17":{"tf":1.0}}}}}},"df":0,"docs":{}}},"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"d":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"y":{"df":0,"docs":{},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":7,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0},"3":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"^":{"2":{"df":1,"docs":{"14":{"tf":1.0}},"x":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"^":{"2":{"df":3,"docs":{"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"c":{"_":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"2":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"i":{"_":{"df":0,"docs":{},"l":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"q":{"_":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"{":{"df":0,"docs":{},"p":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"u":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"14":{"tf":1.0}}}},"df":0,"docs":{}}}},"v":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":4,"docs":{"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"x":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":4,"docs":{"2":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"4":{"tf":1.7320508075688772},"7":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"y":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"k":{"df":1,"docs":{"31":{"tf":1.0}}},"r":{"df":1,"docs":{"31":{"tf":1.0}}},"t":{"df":8,"docs":{"2":{"tf":1.4142135623730951},"22":{"tf":1.0},"24":{"tf":1.0},"25":{"tf":1.0},"26":{"tf":1.4142135623730951},"28":{"tf":1.0},"31":{"tf":1.0},"35":{"tf":1.0}}}},"df":0,"docs":{}}}},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"h":{"^":{"2":{"df":1,"docs":{"14":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"g":{"(":{"1":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"i":{"_":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"c":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"a":{"_":{"df":0,"docs":{},"n":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"j":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}},"k":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"q":{"_":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"v":{"_":{"c":{"df":1,"docs":{"6":{"tf":2.449489742783178}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"{":{"df":0,"docs":{},"p":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"v":{"_":{"df":0,"docs":{},"{":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":2.0}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"u":{"(":{"df":0,"docs":{},"x":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{}},"v":{"_":{"df":1,"docs":{"9":{"tf":1.4142135623730951}},"{":{"df":0,"docs":{},"i":{"+":{"1":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"x":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"y":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}}}},"s":{":":{":":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{"\"":{".":{".":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"r":{"c":{"/":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"/":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"/":{"b":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"20":{"tf":1.0}}}}}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"r":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}},"df":0,"docs":{}}}},"h":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"15":{"tf":1.0}}}},"df":0,"docs":{}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}},"s":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":3,"docs":{"26":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0}}}},"n":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":21,"docs":{"1":{"tf":1.4142135623730951},"22":{"tf":1.4142135623730951},"23":{"tf":2.0},"24":{"tf":1.7320508075688772},"26":{"tf":1.4142135623730951},"28":{"tf":2.6457513110645907},"33":{"tf":1.0},"34":{"tf":2.449489742783178},"35":{"tf":2.449489742783178},"36":{"tf":1.4142135623730951},"37":{"tf":1.0},"40":{"tf":2.23606797749979},"45":{"tf":2.23606797749979},"49":{"tf":1.4142135623730951},"5":{"tf":1.0},"53":{"tf":3.0},"55":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":2.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}}}}}},"d":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"50":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"}":{"df":0,"docs":{},"{":{"2":{"df":0,"docs":{},"i":{"_":{"df":0,"docs":{},"{":{"0":{",":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"g":{"(":{"0":{")":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"h":{"^":{"2":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":1,"docs":{"13":{"tf":1.7320508075688772}}},"1":{"df":1,"docs":{"13":{"tf":1.7320508075688772}}},"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"t":{"df":1,"docs":{"22":{"tf":1.7320508075688772}}},"x":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":3,"docs":{"15":{"tf":2.449489742783178},"3":{"tf":2.0},"7":{"tf":2.449489742783178}},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"v":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":3,"docs":{"37":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":1,"docs":{"26":{"tf":1.0}}}},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":2,"docs":{"0":{"tf":1.0},"8":{"tf":1.0}}}}}},"df":14,"docs":{"1":{"tf":1.4142135623730951},"10":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.7320508075688772},"24":{"tf":1.0},"26":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"53":{"tf":1.7320508075688772},"54":{"tf":1.0},"55":{"tf":1.4142135623730951},"8":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}},"t":{"df":1,"docs":{"40":{"tf":1.0}}}},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":3,"docs":{"10":{"tf":1.0},"13":{"tf":1.0},"26":{"tf":1.0}},"n":{"df":7,"docs":{"1":{"tf":1.0},"13":{"tf":1.7320508075688772},"17":{"tf":1.0},"18":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":2.0},"9":{"tf":1.7320508075688772}}}}}},"o":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"34":{"tf":1.0},"35":{"tf":1.0},"51":{"tf":1.0}}}},"df":3,"docs":{"13":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":2,"docs":{"16":{"tf":1.0},"2":{"tf":1.4142135623730951}}}}}}},"r":{"a":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":4,"docs":{"24":{"tf":1.0},"31":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.0}}}}}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"h":{"df":1,"docs":{"54":{"tf":1.0}}}},"v":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":2,"docs":{"3":{"tf":1.4142135623730951},"7":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"d":{"a":{"df":0,"docs":{},"p":{".":{"df":0,"docs":{},"j":{"df":0,"docs":{},"l":{"df":1,"docs":{"11":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":1,"docs":{"52":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"d":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.0},"7":{"tf":2.8284271247461903}}},"df":0,"docs":{}}},"w":{"df":3,"docs":{"1":{"tf":1.4142135623730951},"13":{"tf":1.0},"2":{"tf":1.0}},"t":{"df":0,"docs":{},"h":{"df":4,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":2.23606797749979},"24":{"tf":1.0},"31":{"tf":1.7320508075688772}}}}}}},"u":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}}}}}},"h":{")":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"h":{"^":{"2":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}}},"n":{"d":{"df":9,"docs":{"16":{"tf":1.0},"22":{"tf":1.0},"26":{"tf":1.0},"31":{"tf":1.4142135623730951},"33":{"tf":1.0},"4":{"tf":1.0},"40":{"tf":1.4142135623730951},"53":{"tf":1.4142135623730951},"56":{"tf":1.0}},"l":{"df":4,"docs":{"0":{"tf":1.0},"25":{"tf":1.0},"5":{"tf":1.7320508075688772},"7":{"tf":1.0}}}},"df":0,"docs":{}},"v":{"df":0,"docs":{},"e":{"df":1,"docs":{"23":{"tf":1.0}}}}},"df":4,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":2.0}},"e":{"a":{"df":0,"docs":{},"t":{"2":{"d":{"df":3,"docs":{"52":{"tf":1.0},"53":{"tf":1.7320508075688772},"55":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}}},"df":4,"docs":{"12":{"tf":2.0},"13":{"tf":1.0},"14":{"tf":1.4142135623730951},"52":{"tf":1.0}}},"v":{"df":0,"docs":{},"i":{"df":1,"docs":{"53":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}}}}},"l":{"df":0,"docs":{},"p":{"df":1,"docs":{"11":{"tf":1.0}}}},"r":{"df":0,"docs":{},"e":{"df":6,"docs":{"0":{"tf":1.0},"11":{"tf":1.0},"13":{"tf":1.4142135623730951},"16":{"tf":1.0},"28":{"tf":1.0},"6":{"tf":1.0}}}}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":3,"docs":{"49":{"tf":1.0},"56":{"tf":1.0},"9":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{"df":4,"docs":{"0":{"tf":2.0},"23":{"tf":1.0},"3":{"tf":2.23606797749979},"43":{"tf":1.0}}},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"3":{"tf":1.0}}}}}}},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"42":{"tf":1.0}}}},"t":{"df":2,"docs":{"0":{"tf":1.0},"7":{"tf":2.449489742783178}}}},"o":{"df":0,"docs":{},"l":{"d":{"df":6,"docs":{"13":{"tf":1.0},"2":{"tf":1.0},"33":{"tf":1.0},"35":{"tf":1.0},"47":{"tf":1.0},"5":{"tf":1.0}}},"df":0,"docs":{}},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":2,"docs":{"13":{"tf":1.0},"6":{"tf":1.0}}}}}}},"t":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"i":{".":{"df":5,"docs":{"24":{"tf":1.0},"31":{"tf":1.0},"45":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}},"=":{"df":0,"docs":{},"n":{"df":1,"docs":{"17":{"tf":1.0}}},"p":{"df":1,"docs":{"17":{"tf":1.0}}}},"_":{"c":{"df":1,"docs":{"9":{"tf":2.0}}},"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}},"r":{"df":1,"docs":{"9":{"tf":2.449489742783178}}},"{":{"0":{",":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"c":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}},"d":{"a":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"/":{"df":0,"docs":{},"i":{"d":{"a":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"b":{"_":{"b":{"df":0,"docs":{},"n":{"d":{".":{"c":{"df":1,"docs":{"52":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"h":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"2":{"d":{"_":{"df":0,"docs":{},"k":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{".":{"c":{"df":1,"docs":{"52":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"s":{"_":{"d":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{".":{"c":{"df":1,"docs":{"52":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":3,"docs":{"52":{"tf":1.7320508075688772},"53":{"tf":1.0},"55":{"tf":1.4142135623730951}}},"df":0,"docs":{},"e":{"a":{"df":1,"docs":{"10":{"tf":1.0}},"l":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":4,"docs":{"22":{"tf":1.0},"25":{"tf":1.0},"53":{"tf":1.0},"8":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":1,"docs":{"45":{"tf":1.0}}}}},"l":{"df":1,"docs":{"9":{"tf":1.4142135623730951}},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":5,"docs":{"0":{"tf":1.0},"2":{"tf":1.0},"26":{"tf":1.0},"35":{"tf":1.0},"45":{"tf":1.0}}}}}}}},"m":{"a":{"df":0,"docs":{},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"32":{"tf":1.0},"41":{"tf":1.0}}}}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"<":{"'":{"a":{"df":3,"docs":{"35":{"tf":1.4142135623730951},"41":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":5,"docs":{"35":{"tf":2.0},"36":{"tf":1.4142135623730951},"37":{"tf":1.7320508075688772},"41":{"tf":3.605551275463989},"42":{"tf":3.605551275463989}},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":21,"docs":{"10":{"tf":1.0},"15":{"tf":1.0},"23":{"tf":1.0},"34":{"tf":2.6457513110645907},"35":{"tf":2.23606797749979},"36":{"tf":1.4142135623730951},"37":{"tf":1.4142135623730951},"39":{"tf":1.4142135623730951},"40":{"tf":3.1622776601683795},"41":{"tf":2.6457513110645907},"42":{"tf":2.449489742783178},"45":{"tf":1.0},"47":{"tf":1.0},"48":{"tf":1.0},"51":{"tf":1.0},"52":{"tf":1.0},"53":{"tf":3.1622776601683795},"54":{"tf":1.7320508075688772},"55":{"tf":2.8284271247461903},"56":{"tf":2.6457513110645907},"7":{"tf":1.0}}}}}}},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"46":{"tf":1.0},"8":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"22":{"tf":1.4142135623730951},"53":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":3,"docs":{"1":{"tf":1.0},"10":{"tf":1.0},"2":{"tf":1.0}}}},"s":{"df":1,"docs":{"52":{"tf":1.0}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"v":{"df":1,"docs":{"55":{"tf":1.7320508075688772}}}}}}},"n":{"a":{"c":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"5":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"c":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"d":{"df":9,"docs":{"0":{"tf":1.0},"10":{"tf":1.0},"25":{"tf":1.0},"31":{"tf":1.0},"37":{"tf":1.0},"42":{"tf":1.0},"54":{"tf":1.7320508075688772},"7":{"tf":1.0},"8":{"tf":2.0}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"47":{"tf":1.0}}},"df":0,"docs":{}}}},"x":{"df":4,"docs":{"45":{"tf":1.0},"53":{"tf":1.4142135623730951},"56":{"tf":1.0},"8":{"tf":1.0}}}},"i":{"c":{"df":2,"docs":{"4":{"tf":1.0},"50":{"tf":1.0}}},"df":0,"docs":{},"v":{"df":0,"docs":{},"i":{"d":{"df":0,"docs":{},"u":{"df":1,"docs":{"38":{"tf":1.0}}}},"df":0,"docs":{}}}},"u":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"1":{"tf":1.0}}}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"3":{"tf":1.0}}},"df":0,"docs":{}}}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":3,"docs":{"1":{"tf":1.0},"47":{"tf":1.0},"5":{"tf":1.4142135623730951}}}}}},"i":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{},"|":{"_":{"df":0,"docs":{},"p":{"df":7,"docs":{"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":2,"docs":{"31":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951}}}}}},"df":5,"docs":{"24":{"tf":1.4142135623730951},"34":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"45":{"tf":1.4142135623730951}},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":3,"docs":{"46":{"tf":1.4142135623730951},"47":{"tf":2.0},"50":{"tf":1.0}}}}}},"df":15,"docs":{"1":{"tf":1.4142135623730951},"17":{"tf":1.0},"2":{"tf":2.0},"20":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":2.449489742783178},"31":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"40":{"tf":1.0},"46":{"tf":1.0},"47":{"tf":1.7320508075688772},"49":{"tf":2.449489742783178},"6":{"tf":1.4142135623730951},"7":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"45":{"tf":1.0},"52":{"tf":1.7320508075688772},"6":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"44":{"tf":1.0}}},"n":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"a":{"d":{"df":5,"docs":{"0":{"tf":1.0},"26":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"g":{"df":0,"docs":{},"r":{"df":4,"docs":{"1":{"tf":1.0},"49":{"tf":1.0},"5":{"tf":2.0},"7":{"tf":1.0}}}},"r":{"a":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}}},"f":{"a":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"13":{"tf":1.0}}}}},"n":{"df":5,"docs":{"32":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.0},"5":{"tf":1.7320508075688772},"50":{"tf":1.0}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"32":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":1,"docs":{"50":{"tf":1.4142135623730951}}}}},"v":{"df":2,"docs":{"20":{"tf":1.0},"6":{"tf":1.0}}}}},"r":{"a":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"u":{"c":{"df":6,"docs":{"0":{"tf":1.0},"2":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}},"t":{"df":1,"docs":{"5":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}}}}},"v":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":5,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"3":{"tf":1.7320508075688772},"5":{"tf":1.0},"8":{"tf":1.0}}}}}}},"o":{"df":0,"docs":{},"n":{"df":3,"docs":{"16":{"tf":1.7320508075688772},"17":{"tf":2.0},"18":{"tf":1.0}}}},"r":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":1,"docs":{"9":{"tf":2.449489742783178}}},"t":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"45":{"tf":1.0},"6":{"tf":1.0}}}}}}},"}":{"df":0,"docs":{},"{":{"a":{"_":{"df":0,"docs":{},"p":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"j":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.7320508075688772}}},"n":{"df":1,"docs":{"17":{"tf":1.0}}},"p":{"df":2,"docs":{"17":{"tf":1.0},"31":{"tf":1.4142135623730951}}},"{":{"df":0,"docs":{},"y":{"_":{"0":{"df":1,"docs":{"31":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"a":{"c":{"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":1,"docs":{"35":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"n":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.0}}}}},"df":0,"docs":{}}}}}}}}},"df":8,"docs":{"24":{"tf":1.0},"26":{"tf":1.4142135623730951},"31":{"tf":1.0},"33":{"tf":1.0},"35":{"tf":1.4142135623730951},"45":{"tf":3.7416573867739413},"53":{"tf":3.0},"55":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":2,"docs":{"31":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951}},"i":{"df":0,"docs":{},"t":{"df":3,"docs":{"44":{"tf":1.0},"54":{"tf":1.0},"56":{"tf":1.0}}}},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"a":{"df":1,"docs":{"11":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}},"k":{"/":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}},"^":{"2":{"df":1,"docs":{"31":{"tf":1.0}}},"df":0,"docs":{}},"_":{"1":{"df":1,"docs":{"1":{"tf":1.7320508075688772}}},"2":{"df":1,"docs":{"1":{"tf":1.7320508075688772}}},"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.4142135623730951}}}},"df":6,"docs":{"1":{"tf":1.4142135623730951},"24":{"tf":1.0},"31":{"tf":1.4142135623730951},"4":{"tf":1.7320508075688772},"44":{"tf":2.449489742783178},"6":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":2,"docs":{"18":{"tf":1.0},"6":{"tf":1.0}}}}},"r":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"'":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}},"l":{"df":0,"docs":{},"u":{"df":2,"docs":{"52":{"tf":2.23606797749979},"53":{"tf":1.0}}}},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":1,"docs":{"20":{"tf":1.0}}}},"o":{"df":0,"docs":{},"w":{"df":3,"docs":{"1":{"tf":1.4142135623730951},"11":{"tf":1.0},"28":{"tf":1.0}},"n":{"df":2,"docs":{"13":{"tf":1.4142135623730951},"16":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"t":{"df":0,"docs":{},"t":{"a":{"df":1,"docs":{"46":{"tf":1.0}}},"df":0,"docs":{}}}}},"l":{"a":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"51":{"tf":1.0}}}}}}},"df":0,"docs":{}}}},"c":{"df":0,"docs":{},"k":{"df":1,"docs":{"16":{"tf":1.0}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"g":{"df":9,"docs":{"11":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.0},"23":{"tf":1.4142135623730951},"43":{"tf":1.7320508075688772},"53":{"tf":1.0},"56":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"g":{"df":4,"docs":{"10":{"tf":1.0},"21":{"tf":1.0},"45":{"tf":1.0},"55":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"55":{"tf":1.7320508075688772},"56":{"tf":1.4142135623730951}}}}}},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"28":{"tf":1.0}}}},"w":{"df":2,"docs":{"8":{"tf":1.0},"9":{"tf":1.4142135623730951}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"51":{"tf":1.0}}},"df":0,"docs":{}}}}},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{":":{":":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"{":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":7,"docs":{"15":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":1,"docs":{"9":{"tf":2.0}},"e":{"a":{"d":{"df":1,"docs":{"25":{"tf":1.0}}},"df":0,"docs":{},"v":{"df":1,"docs":{"24":{"tf":1.0}}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"t":{".":{"\\":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"a":{"c":{"df":0,"docs":{},"{":{"\\":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"c":{"\\":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"\\":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"{":{"df":0,"docs":{},"t":{"=":{"0":{"df":1,"docs":{"17":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"1":{"tf":1.0},"18":{"tf":1.0},"6":{"tf":2.0}}}},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"50":{"tf":1.0}}}},"t":{"'":{"df":2,"docs":{"2":{"tf":1.0},"6":{"tf":1.0}}},"df":9,"docs":{"1":{"tf":1.0},"12":{"tf":1.0},"2":{"tf":1.0},"32":{"tf":1.0},"41":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":5,"docs":{"23":{"tf":1.0},"43":{"tf":1.0},"49":{"tf":1.0},"56":{"tf":1.0},"6":{"tf":1.0}}}}}},"i":{"b":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":7,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"20":{"tf":1.4142135623730951},"51":{"tf":1.0},"52":{"tf":1.7320508075688772},"53":{"tf":1.4142135623730951},"55":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"40":{"tf":1.0}}}}}}},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":2,"docs":{"40":{"tf":1.0},"50":{"tf":1.0}}}}}}}}}}},"n":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":9,"docs":{"20":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"37":{"tf":1.0},"46":{"tf":1.4142135623730951},"52":{"tf":2.449489742783178},"53":{"tf":1.7320508075688772},"55":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"13":{"tf":1.0},"2":{"tf":1.0}}}},"o":{"df":0,"docs":{},"p":{"df":5,"docs":{"34":{"tf":1.0},"37":{"tf":1.7320508075688772},"40":{"tf":1.4142135623730951},"41":{"tf":1.7320508075688772},"42":{"tf":2.0}}}}}},"df":2,"docs":{"10":{"tf":1.0},"14":{"tf":1.0}}},"k":{"df":1,"docs":{"53":{"tf":1.0}}}},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"u":{"df":0,"docs":{},"m":{"df":3,"docs":{"16":{"tf":1.7320508075688772},"17":{"tf":2.0},"18":{"tf":1.0}}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"51":{"tf":1.0}}}}}}}}},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"m":{"df":2,"docs":{"23":{"tf":1.4142135623730951},"44":{"tf":1.7320508075688772}},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"44":{"tf":1.0}}}}},"df":0,"docs":{}}}}}},"o":{"df":0,"docs":{},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":6,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"31":{"tf":1.7320508075688772},"35":{"tf":1.0},"45":{"tf":1.0}}}}}},"o":{"df":0,"docs":{},"k":{"df":4,"docs":{"1":{"tf":1.0},"3":{"tf":1.4142135623730951},"5":{"tf":1.0},"8":{"tf":1.0}}},"p":{"df":5,"docs":{"2":{"tf":1.0},"29":{"tf":1.0},"50":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"t":{"df":0,"docs":{},"k":{"a":{"df":1,"docs":{"2":{"tf":1.7320508075688772}}},"df":0,"docs":{}}},"w":{"df":2,"docs":{"0":{"tf":1.0},"9":{"tf":1.4142135623730951}},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"19":{"tf":1.0}}}}}},"r":{"c":{"df":2,"docs":{"0":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"s":{"df":14,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"29":{"tf":1.0},"32":{"tf":1.4142135623730951},"4":{"tf":1.0},"44":{"tf":1.0},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"u":{"df":2,"docs":{"46":{"tf":1.7320508075688772},"52":{"tf":1.0}}}},"m":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"v":{"df":1,"docs":{"26":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"p":{"df":1,"docs":{"26":{"tf":1.0}}},"t":{"df":3,"docs":{"22":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.4142135623730951}}}},":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"1":{"df":1,"docs":{"37":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"9":{"tf":1.0}}}},"a":{"d":{"df":0,"docs":{},"e":{"df":1,"docs":{"53":{"tf":1.0}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":28,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"35":{"tf":1.7320508075688772},"36":{"tf":1.0},"37":{"tf":1.0},"4":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.7320508075688772},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"53":{"tf":1.4142135623730951},"56":{"tf":1.0},"6":{"tf":1.4142135623730951},"7":{"tf":1.0},"9":{"tf":1.0}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"5":{"tf":1.0},"6":{"tf":1.0}}}}},"df":0,"docs":{}}}},"k":{"df":0,"docs":{},"e":{"df":5,"docs":{"0":{"tf":1.0},"2":{"tf":1.0},"27":{"tf":1.0},"53":{"tf":1.0},"7":{"tf":1.0}}}},"n":{"df":0,"docs":{},"i":{"df":8,"docs":{"1":{"tf":1.0},"10":{"tf":1.0},"11":{"tf":1.4142135623730951},"3":{"tf":1.0},"30":{"tf":1.0},"40":{"tf":1.0},"5":{"tf":1.4142135623730951},"8":{"tf":1.0}}},"u":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"45":{"tf":1.0},"46":{"tf":2.0},"47":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":15,"docs":{"0":{"tf":2.23606797749979},"22":{"tf":1.0},"25":{"tf":2.6457513110645907},"26":{"tf":2.449489742783178},"3":{"tf":2.449489742783178},"34":{"tf":1.0},"37":{"tf":2.23606797749979},"4":{"tf":3.4641016151377544},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"46":{"tf":1.0},"53":{"tf":2.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}}},"t":{"c":{"df":0,"docs":{},"h":{"df":6,"docs":{"20":{"tf":1.0},"29":{"tf":1.0},"50":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":2,"docs":{"12":{"tf":1.7320508075688772},"17":{"tf":1.0}}}}},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"f":{"df":1,"docs":{"8":{"tf":1.4142135623730951}},"}":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":7,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"7":{"tf":1.4142135623730951},"8":{"tf":2.0},"9":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"g":{"df":1,"docs":{"8":{"tf":1.0}},"}":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"8":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"i":{"df":9,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0},"26":{"tf":1.7320508075688772},"3":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0},"9":{"tf":1.0}}},"m":{"df":1,"docs":{"8":{"tf":1.0}}},"p":{"df":1,"docs":{"26":{"tf":2.0}}},"v":{"df":1,"docs":{"26":{"tf":1.4142135623730951}}},"y":{"df":0,"docs":{},"}":{"(":{"0":{"df":5,"docs":{"1":{"tf":1.0},"2":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"c":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"{":{"a":{"df":1,"docs":{"17":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":2,"docs":{"5":{"tf":1.0},"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"i":{"c":{"df":7,"docs":{"20":{"tf":1.0},"25":{"tf":1.0},"35":{"tf":1.0},"46":{"tf":1.0},"52":{"tf":1.0},"53":{"tf":1.7320508075688772},"55":{"tf":1.0}}},"df":0,"docs":{},"x":{"df":16,"docs":{"0":{"tf":1.7320508075688772},"13":{"tf":2.23606797749979},"14":{"tf":1.0},"20":{"tf":1.0},"22":{"tf":1.4142135623730951},"24":{"tf":2.449489742783178},"25":{"tf":2.449489742783178},"26":{"tf":2.449489742783178},"37":{"tf":1.4142135623730951},"40":{"tf":1.0},"45":{"tf":3.872983346207417},"52":{"tf":2.449489742783178},"53":{"tf":2.6457513110645907},"55":{"tf":1.0},"8":{"tf":2.6457513110645907},"9":{"tf":1.7320508075688772}}}}}}},"df":26,"docs":{"15":{"tf":1.7320508075688772},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"35":{"tf":2.449489742783178},"36":{"tf":1.7320508075688772},"37":{"tf":2.0},"4":{"tf":2.0},"40":{"tf":1.0},"41":{"tf":3.605551275463989},"42":{"tf":3.605551275463989},"44":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0},"9":{"tf":2.449489742783178}},"e":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"13":{"tf":1.0}}}}}},"d":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}},"df":0,"docs":{},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"55":{"tf":1.0}}}}}},"df":0,"docs":{},"t":{"a":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"0":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":3,"docs":{"20":{"tf":1.0},"27":{"tf":1.0},"5":{"tf":1.0}},"h":{"df":0,"docs":{},"o":{"d":{"df":21,"docs":{"10":{"tf":2.23606797749979},"12":{"tf":1.0},"13":{"tf":2.23606797749979},"14":{"tf":1.0},"24":{"tf":2.23606797749979},"28":{"tf":1.0},"29":{"tf":1.4142135623730951},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"33":{"tf":1.0},"34":{"tf":1.0},"40":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":2.23606797749979},"48":{"tf":1.0},"49":{"tf":1.0},"50":{"tf":2.6457513110645907},"53":{"tf":1.0},"55":{"tf":1.4142135623730951}},"o":{"df":0,"docs":{},"f":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{".":{"df":0,"docs":{},"j":{"df":0,"docs":{},"l":{"df":1,"docs":{"11":{"tf":1.0}}}}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"53":{"tf":1.0},"56":{"tf":1.0}},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}}}}}},"l":{"/":{"df":0,"docs":{},"h":{"df":1,"docs":{"6":{"tf":2.0}}}},"df":1,"docs":{"6":{"tf":2.0}}},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"20":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"!":{"(":{"\"":{"df":0,"docs":{},"y":{"0":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{},"l":{"df":16,"docs":{"0":{"tf":3.4641016151377544},"1":{"tf":1.0},"16":{"tf":2.6457513110645907},"17":{"tf":1.4142135623730951},"18":{"tf":1.0},"2":{"tf":3.0},"20":{"tf":2.23606797749979},"21":{"tf":1.0},"37":{"tf":1.0},"4":{"tf":1.0},"5":{"tf":2.6457513110645907},"53":{"tf":1.4142135623730951},"54":{"tf":1.0},"6":{"tf":3.7416573867739413},"7":{"tf":1.0},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"f":{"df":1,"docs":{"53":{"tf":1.0}}}},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"20":{"tf":1.0}}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":14,"docs":{"1":{"tf":1.0},"11":{"tf":1.0},"13":{"tf":1.0},"16":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.7320508075688772},"23":{"tf":1.4142135623730951},"28":{"tf":1.0},"35":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.0},"56":{"tf":1.0},"6":{"tf":1.7320508075688772},"8":{"tf":1.0}}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"56":{"tf":1.0}}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":4,"docs":{"0":{"tf":1.0},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"7":{"tf":1.0}}}}}}},"u":{"c":{"df":0,"docs":{},"h":{"df":2,"docs":{"13":{"tf":1.0},"56":{"tf":1.0}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":4,"docs":{"13":{"tf":1.0},"53":{"tf":1.0},"55":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":7,"docs":{"24":{"tf":1.0},"26":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951},"35":{"tf":1.4142135623730951},"45":{"tf":1.0},"53":{"tf":1.0},"8":{"tf":1.0}}}}}}}},"t":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"47":{"tf":1.0}}}},"df":0,"docs":{}},"df":18,"docs":{"15":{"tf":1.4142135623730951},"2":{"tf":2.23606797749979},"20":{"tf":3.0},"29":{"tf":1.0},"32":{"tf":1.4142135623730951},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"4":{"tf":1.4142135623730951},"41":{"tf":2.23606797749979},"42":{"tf":2.23606797749979},"44":{"tf":1.0},"47":{"tf":1.4142135623730951},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":2.23606797749979},"7":{"tf":2.449489742783178},"9":{"tf":1.4142135623730951}}}},"y":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"<":{"'":{"_":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"36":{"tf":1.7320508075688772},"41":{"tf":1.0},"42":{"tf":1.4142135623730951}}}}}},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"<":{"'":{"_":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":2,"docs":{"37":{"tf":2.0},"42":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"<":{"'":{"_":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"42":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":3,"docs":{"35":{"tf":3.3166247903554},"41":{"tf":3.0},"42":{"tf":2.8284271247461903}}}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"h":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.4142135623730951}},"s":{"<":{"'":{"_":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"<":{"'":{"_":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"42":{"tf":1.0}}}}}}}},"n":{"^":{"2":{"df":2,"docs":{"13":{"tf":1.0},"52":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"a":{"b":{"df":0,"docs":{},"l":{"a":{"df":1,"docs":{"17":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"r":{"a":{":":{":":{"d":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":18,"docs":{"2":{"tf":1.4142135623730951},"24":{"tf":1.7320508075688772},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"4":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":4,"docs":{"24":{"tf":1.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"v":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"1":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":3,"docs":{"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":4,"docs":{"24":{"tf":1.0},"35":{"tf":1.7320508075688772},"36":{"tf":1.0},"37":{"tf":1.0}}}},"df":9,"docs":{"24":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":1,"docs":{"26":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":3,"docs":{"24":{"tf":1.0},"46":{"tf":1.0},"52":{"tf":1.0}},"l":{"df":0,"docs":{},"u":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":6,"docs":{"29":{"tf":1.0},"32":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":6,"docs":{"29":{"tf":1.0},"32":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"m":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"!":{"(":{"\"":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"df":1,"docs":{"20":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":1,"docs":{"53":{"tf":1.0}}}},"n":{"df":1,"docs":{"45":{"tf":1.7320508075688772}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"51":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"r":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"37":{"tf":1.0}}}}}},"df":3,"docs":{"13":{"tf":2.0},"52":{"tf":1.7320508075688772},"54":{"tf":1.0}},"e":{"c":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"35":{"tf":1.0}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"25":{"tf":1.0}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"d":{"df":20,"docs":{"1":{"tf":1.0},"12":{"tf":1.0},"13":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.0},"24":{"tf":1.0},"31":{"tf":1.4142135623730951},"32":{"tf":1.0},"34":{"tf":2.23606797749979},"38":{"tf":1.0},"39":{"tf":1.0},"40":{"tf":2.0},"45":{"tf":1.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.0},"50":{"tf":1.4142135623730951},"53":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"g":{"df":3,"docs":{"16":{"tf":1.0},"17":{"tf":1.7320508075688772},"4":{"tf":1.0}},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"w":{"_":{"df":0,"docs":{},"w":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"47":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}}}}},"df":13,"docs":{"1":{"tf":1.0},"2":{"tf":1.4142135623730951},"24":{"tf":1.7320508075688772},"3":{"tf":1.4142135623730951},"31":{"tf":1.0},"35":{"tf":1.4142135623730951},"37":{"tf":1.0},"4":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"47":{"tf":1.0},"50":{"tf":1.0},"7":{"tf":1.0}}},"x":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"20":{"tf":2.0}}}}}},"df":0,"docs":{}}}}}}}},"df":5,"docs":{"1":{"tf":1.0},"3":{"tf":1.0},"35":{"tf":1.0},"5":{"tf":1.0},"8":{"tf":1.0}}}}},"g":{"df":1,"docs":{"6":{"tf":2.0}}},"o":{"d":{"df":0,"docs":{},"e":{"df":2,"docs":{"8":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"df":0,"docs":{},"n":{"df":6,"docs":{"13":{"tf":1.4142135623730951},"25":{"tf":1.4142135623730951},"34":{"tf":1.0},"35":{"tf":1.0},"46":{"tf":1.4142135623730951},"6":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":8,"docs":{"20":{"tf":1.0},"34":{"tf":1.0},"35":{"tf":1.7320508075688772},"36":{"tf":1.0},"40":{"tf":2.0},"41":{"tf":2.6457513110645907},"42":{"tf":2.8284271247461903},"45":{"tf":1.0}},"j":{"a":{"c":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"n":{"df":2,"docs":{"35":{"tf":1.7320508075688772},"45":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"r":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"32":{"tf":1.0},"5":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"t":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":4,"docs":{"40":{"tf":1.0},"45":{"tf":1.0},"47":{"tf":1.0},"50":{"tf":1.0}}}},"u":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":5,"docs":{"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":2.449489742783178},"42":{"tf":2.449489742783178}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"w":{"df":8,"docs":{"18":{"tf":1.0},"2":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0}}}},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":5,"docs":{"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":2.449489742783178},"42":{"tf":2.449489742783178}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":5,"docs":{"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":2.449489742783178},"42":{"tf":2.449489742783178}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"m":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":6,"docs":{"13":{"tf":1.0},"35":{"tf":1.0},"45":{"tf":1.0},"48":{"tf":1.0},"52":{"tf":2.0},"53":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"13":{"tf":1.0}}}}}}},"o":{"b":{"df":0,"docs":{},"j":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"40":{"tf":1.0},"45":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"v":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"32":{"tf":1.0}}}}},"df":0,"docs":{}}},"c":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":5,"docs":{"0":{"tf":1.4142135623730951},"16":{"tf":1.4142135623730951},"22":{"tf":1.0},"5":{"tf":2.0},"7":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"p":{"df":1,"docs":{"18":{"tf":1.0}}}},"d":{"df":25,"docs":{"0":{"tf":4.242640687119285},"1":{"tf":3.605551275463989},"10":{"tf":1.7320508075688772},"13":{"tf":1.0},"14":{"tf":1.4142135623730951},"2":{"tf":2.23606797749979},"22":{"tf":1.7320508075688772},"24":{"tf":1.7320508075688772},"25":{"tf":1.0},"26":{"tf":1.0},"3":{"tf":3.4641016151377544},"30":{"tf":1.0},"31":{"tf":1.7320508075688772},"33":{"tf":1.0},"34":{"tf":1.0},"38":{"tf":1.0},"4":{"tf":1.7320508075688772},"49":{"tf":1.0},"5":{"tf":2.8284271247461903},"51":{"tf":1.0},"52":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":2.0},"8":{"tf":2.6457513110645907}},"e":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"df":16,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"23":{"tf":1.7320508075688772},"24":{"tf":1.7320508075688772},"26":{"tf":1.0},"28":{"tf":1.0},"31":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.4142135623730951},"4":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"m":{">":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{"(":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"p":{"(":{"[":{"1":{".":{"0":{"]":{")":{".":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{"(":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":18,"docs":{"15":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"4":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"<":{"'":{"_":{">":{">":{":":{":":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"h":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"a":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"39":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.0}}}}}}}}}}},"df":9,"docs":{"2":{"tf":1.0},"20":{"tf":1.0},"23":{"tf":1.0},"34":{"tf":1.0},"39":{"tf":1.4142135623730951},"40":{"tf":1.7320508075688772},"41":{"tf":2.0},"42":{"tf":1.7320508075688772},"45":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"d":{"df":12,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"32":{"tf":1.7320508075688772},"4":{"tf":1.0},"44":{"tf":1.0},"48":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":2,"docs":{"46":{"tf":1.0},"47":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"t":{"df":4,"docs":{"32":{"tf":1.4142135623730951},"44":{"tf":1.0},"47":{"tf":1.4142135623730951},"50":{"tf":1.0}},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":5,"docs":{"20":{"tf":1.0},"29":{"tf":1.4142135623730951},"50":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}}}}}}}}}}},"df":0,"docs":{},"h":{"df":0,"docs":{},"m":{"'":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}}},"k":{"(":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{":":{":":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":5,"docs":{"20":{"tf":1.0},"29":{"tf":1.0},"50":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}}}}}}}}}},"df":0,"docs":{}}}}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"d":{"(":{"_":{"df":1,"docs":{"50":{"tf":1.0}}},"df":0,"docs":{},"t":{"df":3,"docs":{"20":{"tf":1.0},"29":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"t":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"c":{"df":0,"docs":{},"h":{"df":5,"docs":{"20":{"tf":1.0},"29":{"tf":1.0},"50":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}}}}}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"g":{"a":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}},"n":{"c":{"df":7,"docs":{"16":{"tf":1.0},"26":{"tf":1.0},"32":{"tf":1.0},"34":{"tf":1.0},"44":{"tf":1.0},"46":{"tf":1.0},"50":{"tf":1.0}}},"df":12,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"12":{"tf":1.0},"20":{"tf":1.0},"28":{"tf":1.4142135623730951},"36":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0},"46":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.0}}},"p":{"df":7,"docs":{"34":{"tf":1.0},"35":{"tf":2.0},"36":{"tf":1.0},"37":{"tf":1.0},"39":{"tf":1.0},"41":{"tf":2.6457513110645907},"42":{"tf":2.6457513110645907}},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"18":{"tf":1.0}}},"r":{"df":4,"docs":{"16":{"tf":1.0},"20":{"tf":1.0},"34":{"tf":1.0},"45":{"tf":1.0}}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"4":{"tf":1.0}}}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"30":{"tf":1.0}}},"o":{"df":0,"docs":{},"n":{"<":{"<":{"df":0,"docs":{},"m":{"df":0,"docs":{},"y":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":2,"docs":{"41":{"tf":1.7320508075688772},"42":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":2,"docs":{"22":{"tf":1.7320508075688772},"24":{"tf":1.0}}}}}}},"r":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":9,"docs":{"0":{"tf":3.0},"1":{"tf":2.6457513110645907},"2":{"tf":1.7320508075688772},"3":{"tf":3.4641016151377544},"4":{"tf":1.4142135623730951},"40":{"tf":1.0},"50":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772}}}},"i":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":4,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"43":{"tf":1.0},"8":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"g":{"a":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"52":{"tf":1.0}}}}}}},"s":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":1,"docs":{"20":{"tf":1.0}}}}}}},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":8,"docs":{"11":{"tf":1.0},"20":{"tf":1.7320508075688772},"34":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"53":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":8,"docs":{"18":{"tf":1.4142135623730951},"20":{"tf":1.4142135623730951},"22":{"tf":1.4142135623730951},"35":{"tf":1.0},"40":{"tf":1.0},"45":{"tf":1.4142135623730951},"49":{"tf":1.0},"53":{"tf":1.7320508075688772}}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":7,"docs":{"12":{"tf":1.0},"13":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"49":{"tf":1.0},"5":{"tf":1.0}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.4142135623730951}}}}}}}}},"r":{"df":0,"docs":{},"i":{"d":{"df":1,"docs":{"50":{"tf":1.0}}},"df":0,"docs":{}}}}}}},"p":{"(":{"[":{"1":{".":{"0":{"df":2,"docs":{"20":{"tf":1.0},"44":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"!":{"[":{"1":{".":{"0":{"df":12,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"42":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"[":{"0":{"df":11,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"32":{"tf":2.449489742783178},"45":{"tf":2.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178}}},"1":{"df":11,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":1.4142135623730951},"31":{"tf":2.23606797749979},"32":{"tf":3.1622776601683795},"45":{"tf":2.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178}}},"df":0,"docs":{}},"a":{"c":{"df":0,"docs":{},"k":{"a":{"df":0,"docs":{},"g":{"df":2,"docs":{"10":{"tf":1.0},"11":{"tf":2.8284271247461903}}}},"df":0,"docs":{}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"c":{"!":{"(":{"\"":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"50":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":2,"docs":{"29":{"tf":1.0},"50":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"20":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}}},"w":{"df":1,"docs":{"29":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":11,"docs":{"16":{"tf":1.0},"2":{"tf":1.4142135623730951},"22":{"tf":1.0},"24":{"tf":2.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951},"32":{"tf":1.0},"40":{"tf":1.0},"44":{"tf":1.0},"52":{"tf":1.7320508075688772},"6":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"16":{"tf":1.0}},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"20":{"tf":1.0}}}}}}}}}},"df":0,"docs":{},"t":{"df":2,"docs":{"21":{"tf":1.0},"52":{"tf":2.0}},"i":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"10":{"tf":1.0},"31":{"tf":1.4142135623730951}}}},"c":{"df":0,"docs":{},"l":{"df":4,"docs":{"16":{"tf":1.0},"17":{"tf":1.7320508075688772},"18":{"tf":1.0},"20":{"tf":1.0}}},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":2,"docs":{"0":{"tf":1.0},"50":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":3,"docs":{"0":{"tf":1.0},"20":{"tf":1.0},"45":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"s":{"df":4,"docs":{"0":{"tf":1.0},"28":{"tf":1.0},"56":{"tf":1.0},"9":{"tf":1.4142135623730951}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"'":{"df":1,"docs":{"6":{"tf":1.0}}},"df":1,"docs":{"6":{"tf":1.0}}}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":1,"docs":{"45":{"tf":2.23606797749979}}}}}}}},"b":{"df":0,"docs":{},"p":{"df":0,"docs":{},"k":{"df":1,"docs":{"6":{"tf":1.0}}}}},"d":{"df":1,"docs":{"6":{"tf":1.4142135623730951}},"e":{"df":4,"docs":{"10":{"tf":2.449489742783178},"11":{"tf":1.4142135623730951},"12":{"tf":1.0},"25":{"tf":1.0}}}},"df":18,"docs":{"2":{"tf":1.0},"22":{"tf":3.0},"24":{"tf":3.1622776601683795},"25":{"tf":1.0},"26":{"tf":1.7320508075688772},"28":{"tf":2.6457513110645907},"29":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"32":{"tf":2.449489742783178},"35":{"tf":1.4142135623730951},"40":{"tf":2.449489742783178},"41":{"tf":3.605551275463989},"42":{"tf":3.605551275463989},"45":{"tf":2.449489742783178},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178}},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":8,"docs":{"16":{"tf":1.0},"21":{"tf":1.0},"23":{"tf":1.0},"27":{"tf":1.0},"51":{"tf":1.0},"53":{"tf":1.4142135623730951},"54":{"tf":1.0},"55":{"tf":2.0}}}}}},"i":{"df":0,"docs":{},"p":{"df":0,"docs":{},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":2.23606797749979}}}}}}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"1":{"tf":1.0}}}}}},"h":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"a":{"c":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"y":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"k":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.7320508075688772}}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"2":{"tf":2.23606797749979}}}}},"df":0,"docs":{},"y":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"c":{"df":5,"docs":{"0":{"tf":1.4142135623730951},"16":{"tf":2.0},"20":{"tf":1.4142135623730951},"3":{"tf":1.0},"8":{"tf":1.0}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}}},"i":{"df":0,"docs":{},"e":{"c":{"df":1,"docs":{"1":{"tf":1.0}}},"df":0,"docs":{}}},"k":{"df":1,"docs":{"6":{"tf":2.449489742783178}},"p":{"d":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}},"l":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":1,"docs":{"2":{"tf":2.0}}}},"s":{"df":0,"docs":{},"m":{"a":{"/":{"b":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{".":{"a":{"d":{"d":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}},"p":{"df":0,"docs":{},"h":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"e":{"d":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"q":{"_":{"c":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"t":{"df":0,"docs":{},"r":{"a":{"c":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"v":{"df":1,"docs":{"7":{"tf":1.0}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}}}}},"x":{"_":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"_":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"b":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"20":{"tf":1.0}}}}}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"r":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}},"df":0,"docs":{}}}},"h":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"15":{"tf":1.0}}}},"df":0,"docs":{}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}},"s":{"df":0,"docs":{},"p":{"df":1,"docs":{"4":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}},":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{")":{".":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"(":{"\"":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":8,"docs":{"15":{"tf":1.4142135623730951},"2":{"tf":2.8284271247461903},"20":{"tf":1.4142135623730951},"4":{"tf":1.4142135623730951},"56":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"7":{"tf":1.4142135623730951},"9":{"tf":1.7320508075688772}},"l":{"df":0,"docs":{},"i":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"o":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":5,"docs":{"13":{"tf":2.0},"14":{"tf":1.0},"45":{"tf":1.0},"52":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951}}}}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"51":{"tf":1.0}}}},"df":3,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":2.6457513110645907},"2":{"tf":4.69041575982343}}}}},"r":{"df":0,"docs":{},"t":{"df":2,"docs":{"21":{"tf":1.0},"53":{"tf":1.0}}}},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":7,"docs":{"12":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.7320508075688772},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951}}}},"s":{"df":0,"docs":{},"i":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.0}}}}}}},"w":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"e":{"d":{"a":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":5.477225575051661},"52":{"tf":1.0}},"o":{"df":0,"docs":{},"r":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"d":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"2":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"16":{"tf":1.0}}}},"df":0,"docs":{}}},"df":1,"docs":{"46":{"tf":1.4142135623730951}},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"13":{"tf":1.0}}}}},"s":{"c":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"b":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":2,"docs":{"21":{"tf":1.0},"54":{"tf":1.0}}}}}},"v":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":1,"docs":{"56":{"tf":1.0}}}}}},"y":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":4.898979485566356},"52":{"tf":1.0}}}},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"21":{"tf":1.0},"8":{"tf":1.0}}}}},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.0}},"f":{"df":1,"docs":{"53":{"tf":1.0}}},"l":{"df":0,"docs":{},"n":{"!":{"(":{"\"":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"29":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"45":{"tf":1.0}}}}}}},"o":{"b":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"56":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{".":{"b":{"d":{"df":0,"docs":{},"f":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"46":{"tf":1.0}},"s":{">":{"(":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":12,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"29":{"tf":1.0},"32":{"tf":1.4142135623730951},"4":{"tf":1.0},"44":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":0,"docs":{},"s":{">":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"46":{"tf":1.0},"47":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"(":{")":{".":{"c":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"(":{"df":0,"docs":{},"t":{"0":{"df":1,"docs":{"45":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"(":{")":{".":{"c":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"i":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"i":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"h":{"df":0,"docs":{},"s":{"(":{")":{".":{"df":0,"docs":{},"j":{"a":{"c":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"n":{"(":{"&":{"df":0,"docs":{},"y":{"0":{"df":1,"docs":{"45":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"f":{"a":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"n":{"(":{"1":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"p":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"3":{"4":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"t":{"0":{"df":1,"docs":{"45":{"tf":1.0}}},"df":0,"docs":{},"r":{"_":{"b":{"d":{"df":0,"docs":{},"f":{"2":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":0,"docs":{},"s":{">":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"46":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":38,"docs":{"1":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.7320508075688772},"20":{"tf":1.0},"21":{"tf":2.23606797749979},"23":{"tf":1.4142135623730951},"24":{"tf":2.6457513110645907},"25":{"tf":1.7320508075688772},"26":{"tf":1.7320508075688772},"27":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":2.0},"32":{"tf":2.449489742783178},"33":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"35":{"tf":1.4142135623730951},"4":{"tf":1.0},"42":{"tf":1.7320508075688772},"43":{"tf":1.7320508075688772},"44":{"tf":1.7320508075688772},"45":{"tf":2.449489742783178},"46":{"tf":2.0},"47":{"tf":1.4142135623730951},"48":{"tf":1.4142135623730951},"49":{"tf":3.0},"5":{"tf":1.0},"50":{"tf":2.0},"52":{"tf":3.4641016151377544},"53":{"tf":3.1622776601683795},"54":{"tf":1.4142135623730951},"55":{"tf":3.0},"56":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.7320508075688772},"8":{"tf":1.0},"9":{"tf":1.0}}}}}},"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":6,"docs":{"1":{"tf":1.0},"16":{"tf":1.4142135623730951},"2":{"tf":1.0},"27":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.0}}}}}},"d":{"df":0,"docs":{},"u":{"c":{"df":1,"docs":{"5":{"tf":1.0}},"t":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"26":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"45":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"16":{"tf":1.4142135623730951}}}}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":3,"docs":{"1":{"tf":1.0},"2":{"tf":2.0},"4":{"tf":1.0}}}}}},"t":{"df":0,"docs":{},"o":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}}},"df":0,"docs":{}}},"v":{"df":0,"docs":{},"i":{"d":{"df":18,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":1.0},"16":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.0},"24":{"tf":1.0},"26":{"tf":1.4142135623730951},"31":{"tf":1.0},"33":{"tf":1.0},"47":{"tf":1.4142135623730951},"48":{"tf":1.0},"49":{"tf":1.7320508075688772},"5":{"tf":1.7320508075688772},"52":{"tf":1.0},"53":{"tf":1.7320508075688772},"55":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}}},"u":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":1,"docs":{"53":{"tf":1.0}}}}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":2,"docs":{"0":{"tf":1.0},"21":{"tf":1.0}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":3,"docs":{"40":{"tf":1.0},"43":{"tf":1.0},"8":{"tf":1.0}}}}}},"t":{"df":3,"docs":{"2":{"tf":1.0},"26":{"tf":1.0},"38":{"tf":1.0}}}},"y":{"b":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"m":{"df":1,"docs":{"20":{"tf":1.7320508075688772}}}}},"df":0,"docs":{}},"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":5,"docs":{"11":{"tf":1.4142135623730951},"20":{"tf":1.0},"23":{"tf":1.0},"43":{"tf":1.0},"56":{"tf":1.0}}}}}}}},"q":{"_":{"c":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"q":{"_":{"c":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"df":1,"docs":{"6":{"tf":2.0}}},"df":0,"docs":{},"p":{"1":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"q":{"_":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"1":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"{":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":2.8284271247461903}}},"df":0,"docs":{}}}},"c":{"df":1,"docs":{"6":{"tf":2.0}}},"df":1,"docs":{"6":{"tf":1.4142135623730951}},"p":{"1":{"df":1,"docs":{"6":{"tf":2.449489742783178}}},"df":0,"docs":{}},"q":{"df":0,"docs":{},"u":{"a":{"d":{"df":2,"docs":{"17":{"tf":1.0},"19":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"u":{"a":{"d":{"df":2,"docs":{"17":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":1,"docs":{"30":{"tf":1.0}},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"t":{"df":1,"docs":{"6":{"tf":1.0}},"i":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}}}}}},"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"k":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"56":{"tf":1.0}}}}}},"df":0,"docs":{},"t":{"df":2,"docs":{"36":{"tf":1.0},"55":{"tf":1.0}}}}}},"r":{"(":{"df":0,"docs":{},"i":{"df":1,"docs":{"28":{"tf":2.23606797749979}}},"t":{"df":1,"docs":{"22":{"tf":1.0}}}},"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.0}}}},"a":{"d":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"16":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":3,"docs":{"0":{"tf":1.0},"20":{"tf":1.0},"8":{"tf":1.0}}}},"p":{"df":0,"docs":{},"i":{"d":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"20":{"tf":1.0}}}}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"e":{"df":9,"docs":{"1":{"tf":2.6457513110645907},"16":{"tf":1.4142135623730951},"18":{"tf":1.0},"2":{"tf":3.1622776601683795},"20":{"tf":1.4142135623730951},"24":{"tf":1.0},"6":{"tf":2.0},"8":{"tf":1.0},"9":{"tf":1.0}}},"i":{"df":0,"docs":{},"o":{"df":1,"docs":{"7":{"tf":1.0}}}}}},"df":10,"docs":{"23":{"tf":1.0},"24":{"tf":1.7320508075688772},"26":{"tf":1.7320508075688772},"28":{"tf":1.0},"31":{"tf":2.23606797749979},"35":{"tf":1.0},"43":{"tf":1.0},"44":{"tf":2.449489742783178},"56":{"tf":1.0},"9":{"tf":2.449489742783178}},"e":{"a":{"c":{"df":0,"docs":{},"h":{"df":4,"docs":{"20":{"tf":1.7320508075688772},"32":{"tf":1.0},"55":{"tf":1.0},"7":{"tf":1.0}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":3,"docs":{"16":{"tf":1.0},"18":{"tf":1.0},"6":{"tf":1.0}}}}}}},"d":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"29":{"tf":1.0}}}}}},"c":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"31":{"tf":1.0},"8":{"tf":1.0}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"10":{"tf":1.0},"23":{"tf":1.0}}},"df":0,"docs":{}}}}}}},"d":{"df":0,"docs":{},"u":{"c":{"df":1,"docs":{"8":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":1,"docs":{"50":{"tf":1.0}},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":4,"docs":{"40":{"tf":1.0},"47":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.0}}}},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"5":{"tf":1.0}}}},"df":0,"docs":{}}},"r":{"a":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}},"g":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":3,"docs":{"13":{"tf":1.0},"20":{"tf":1.0},"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"l":{"a":{"df":0,"docs":{},"t":{"df":2,"docs":{"6":{"tf":1.0},"8":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"df":1,"docs":{"8":{"tf":1.0}}}}}}}}}}},"df":4,"docs":{"24":{"tf":1.4142135623730951},"43":{"tf":1.0},"53":{"tf":1.0},"54":{"tf":1.0}},"e":{"df":0,"docs":{},"v":{"df":1,"docs":{"13":{"tf":1.0}}}},"i":{"df":1,"docs":{"20":{"tf":1.0}}}},"m":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"v":{"df":1,"docs":{"53":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}},"e":{"d":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":7,"docs":{"13":{"tf":1.0},"2":{"tf":2.23606797749979},"24":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":1.0},"53":{"tf":1.0}}}},"o":{"d":{"df":0,"docs":{},"u":{"c":{"df":1,"docs":{"2":{"tf":1.4142135623730951}},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"q":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":6,"docs":{"1":{"tf":1.0},"26":{"tf":1.0},"40":{"tf":1.0},"5":{"tf":1.0},"55":{"tf":1.0},"6":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"i":{"d":{"df":0,"docs":{},"u":{"df":1,"docs":{"53":{"tf":1.0}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":2.6457513110645907}}}}}}},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":9,"docs":{"1":{"tf":1.0},"24":{"tf":1.0},"3":{"tf":1.4142135623730951},"30":{"tf":1.0},"31":{"tf":2.0},"47":{"tf":1.0},"49":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}},"t":{"df":1,"docs":{"53":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":2.0}}}}}}},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":5,"docs":{"10":{"tf":1.4142135623730951},"20":{"tf":1.0},"5":{"tf":1.0},"50":{"tf":1.0},"54":{"tf":1.7320508075688772}}}}}},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":6,"docs":{"29":{"tf":1.4142135623730951},"32":{"tf":1.0},"40":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":2.23606797749979},"50":{"tf":2.0}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"7":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":1,"docs":{"21":{"tf":1.0}}}}}},"w":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"3":{"tf":1.0},"7":{"tf":1.0}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"3":{"tf":1.0}}}}}}}}}},"h":{"df":7,"docs":{"34":{"tf":1.0},"35":{"tf":2.23606797749979},"36":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"45":{"tf":1.0},"53":{"tf":1.4142135623730951}},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":9,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}}}},"df":0,"docs":{}}}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"31":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":8,"docs":{"18":{"tf":1.0},"22":{"tf":1.0},"26":{"tf":1.0},"31":{"tf":1.4142135623730951},"33":{"tf":1.0},"4":{"tf":1.0},"40":{"tf":1.4142135623730951},"6":{"tf":2.0}}}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"7":{"tf":1.0}}}}},"o":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"_":{"df":0,"docs":{},"o":{"d":{"df":3,"docs":{"52":{"tf":1.0},"53":{"tf":1.4142135623730951},"55":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":4,"docs":{"52":{"tf":1.4142135623730951},"53":{"tf":1.7320508075688772},"55":{"tf":1.0},"56":{"tf":1.0}}}}}}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{},"|":{"df":0,"docs":{},"x":{"df":2,"docs":{"28":{"tf":1.0},"29":{"tf":1.0}}}}},"df":11,"docs":{"19":{"tf":1.0},"22":{"tf":1.4142135623730951},"27":{"tf":1.4142135623730951},"28":{"tf":2.8284271247461903},"29":{"tf":1.4142135623730951},"34":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"5":{"tf":1.0},"7":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"(":{"1":{"df":5,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":1,"docs":{"24":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":1,"docs":{"46":{"tf":1.0}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"56":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"t":{"df":7,"docs":{"2":{"tf":1.4142135623730951},"21":{"tf":1.7320508075688772},"23":{"tf":1.4142135623730951},"43":{"tf":1.4142135623730951},"53":{"tf":2.0},"54":{"tf":1.0},"56":{"tf":2.449489742783178}}}}},"v":{"df":1,"docs":{"24":{"tf":1.0}}},"}":{"\\":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"\\":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"{":{"df":0,"docs":{},"r":{"=":{"0":{"df":1,"docs":{"17":{"tf":1.0}}},"df":0,"docs":{},"r":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}},"s":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":10,"docs":{"1":{"tf":1.0},"11":{"tf":1.0},"40":{"tf":1.0},"47":{"tf":1.0},"52":{"tf":1.7320508075688772},"53":{"tf":2.0},"54":{"tf":1.0},"55":{"tf":1.4142135623730951},"56":{"tf":1.0},"9":{"tf":1.0}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":3,"docs":{"47":{"tf":1.0},"50":{"tf":1.0},"8":{"tf":1.0}}}}}}},"v":{"df":0,"docs":{},"e":{"df":3,"docs":{"20":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}}},"c":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":1,"docs":{"7":{"tf":1.0}}}},"t":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"t":{".":{"c":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":2,"docs":{"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":2,"docs":{"20":{"tf":1.0},"7":{"tf":1.0}},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"2":{"tf":1.0},"6":{"tf":1.0}},"e":{".":{"c":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":3,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":6,"docs":{"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"k":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"11":{"tf":1.0}}}}}}},"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":2,"docs":{"46":{"tf":1.7320508075688772},"47":{"tf":1.0}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"46":{"tf":1.0}},"e":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"_":{"df":0,"docs":{},"w":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}},"df":1,"docs":{"32":{"tf":1.0}},"e":{"c":{"df":1,"docs":{"20":{"tf":1.0}},"o":{"df":0,"docs":{},"n":{"d":{"df":6,"docs":{"1":{"tf":1.0},"2":{"tf":1.0},"3":{"tf":2.23606797749979},"4":{"tf":1.0},"50":{"tf":1.0},"7":{"tf":1.0}}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":10,"docs":{"0":{"tf":1.7320508075688772},"1":{"tf":1.0},"16":{"tf":1.0},"3":{"tf":1.0},"30":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.4142135623730951},"5":{"tf":1.4142135623730951},"53":{"tf":1.0},"8":{"tf":1.0}}}}}}},"df":0,"docs":{},"e":{"df":7,"docs":{"13":{"tf":1.0},"2":{"tf":1.0},"24":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.0}},"n":{"df":3,"docs":{"55":{"tf":1.0},"56":{"tf":1.0},"8":{"tf":1.0}}}},"l":{"df":0,"docs":{},"f":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"37":{"tf":1.0}}}}},"df":0,"docs":{}},"p":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"y":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"(":{"df":0,"docs":{},"p":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":2,"docs":{"41":{"tf":2.23606797749979},"42":{"tf":2.23606797749979}}}},"df":4,"docs":{"35":{"tf":1.4142135623730951},"37":{"tf":1.4142135623730951},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}}},"m":{"df":0,"docs":{},"i":{"df":1,"docs":{"8":{"tf":1.7320508075688772}}}},"n":{"df":0,"docs":{},"s":{"_":{"a":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"32":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}}},"t":{"_":{"df":0,"docs":{},"o":{"df":1,"docs":{"32":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":4,"docs":{"30":{"tf":1.7320508075688772},"31":{"tf":2.0},"32":{"tf":2.449489742783178},"49":{"tf":1.4142135623730951}}}}}},"p":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"53":{"tf":1.0}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"i":{"df":3,"docs":{"0":{"tf":1.0},"43":{"tf":1.0},"9":{"tf":1.0}}}},"t":{"_":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"50":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}},"df":14,"docs":{"0":{"tf":1.0},"1":{"tf":1.7320508075688772},"13":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"27":{"tf":1.0},"29":{"tf":1.0},"46":{"tf":2.0},"47":{"tf":1.0},"52":{"tf":1.4142135623730951},"53":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}},"u":{"df":0,"docs":{},"p":{"df":2,"docs":{"47":{"tf":1.0},"54":{"tf":1.0}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"2":{"tf":1.0},"52":{"tf":1.0}}}}}},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":4,"docs":{"16":{"tf":1.0},"2":{"tf":1.0},"49":{"tf":1.0},"8":{"tf":1.0}},"n":{"df":2,"docs":{"1":{"tf":1.0},"6":{"tf":1.0}}}}}},"i":{"d":{"df":0,"docs":{},"e":{"df":7,"docs":{"22":{"tf":1.0},"26":{"tf":1.0},"31":{"tf":1.4142135623730951},"33":{"tf":1.0},"4":{"tf":1.0},"40":{"tf":1.4142135623730951},"6":{"tf":1.0}}}},"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":1,"docs":{"4":{"tf":1.0}},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"c":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"55":{"tf":1.0}}}}}}},"df":2,"docs":{"40":{"tf":1.0},"53":{"tf":1.0}}},"df":0,"docs":{}}}}}},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":6,"docs":{"16":{"tf":1.0},"2":{"tf":1.0},"23":{"tf":1.0},"36":{"tf":1.0},"51":{"tf":1.0},"55":{"tf":1.0}}}},"df":0,"docs":{}}},"p":{"df":0,"docs":{},"l":{"df":10,"docs":{"0":{"tf":2.0},"12":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.0},"3":{"tf":1.0},"43":{"tf":1.0},"49":{"tf":1.0},"56":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":4,"docs":{"0":{"tf":1.0},"10":{"tf":1.0},"2":{"tf":1.0},"24":{"tf":1.0}}}}},"i":{"c":{"df":1,"docs":{"45":{"tf":1.0}}},"df":0,"docs":{},"f":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"20":{"tf":1.0}}}}}}},"df":0,"docs":{}}}}}},"df":4,"docs":{"16":{"tf":1.0},"19":{"tf":1.0},"20":{"tf":1.7320508075688772},"40":{"tf":1.0}}}}},"n":{"(":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"g":{"a":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}}},"df":0,"docs":{},"g":{"df":0,"docs":{},"l":{"df":6,"docs":{"13":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"50":{"tf":1.0}},"i":{"df":1,"docs":{"46":{"tf":1.0}}}},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":2,"docs":{"25":{"tf":1.7320508075688772},"46":{"tf":1.0}}}},"df":0,"docs":{}}}},"h":{"df":1,"docs":{"18":{"tf":1.0}}},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"i":{"d":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}}}}}},"z":{"df":0,"docs":{},"e":{"df":8,"docs":{"13":{"tf":1.0},"24":{"tf":1.0},"47":{"tf":1.0},"50":{"tf":1.4142135623730951},"52":{"tf":2.0},"54":{"tf":1.0},"55":{"tf":1.0},"56":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"53":{"tf":1.4142135623730951},"55":{"tf":1.0}}}}}}}},"o":{"df":0,"docs":{},"w":{"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":0,"docs":{},"n":{"df":1,"docs":{"56":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"23":{"tf":1.0},"54":{"tf":1.0},"55":{"tf":1.7320508075688772}}}},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"55":{"tf":1.0}}}}}}},"m":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":3,"docs":{"50":{"tf":1.0},"55":{"tf":1.4142135623730951},"56":{"tf":1.4142135623730951}},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"55":{"tf":1.0}}}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"l":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"p":{"(":{"df":0,"docs":{},"|":{"df":0,"docs":{},"v":{"df":1,"docs":{"15":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":1,"docs":{"15":{"tf":1.0}},"u":{"df":0,"docs":{},"t":{"df":6,"docs":{"1":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.0},"49":{"tf":2.23606797749979},"50":{"tf":3.0}}}},"v":{"df":30,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":2.0},"10":{"tf":2.0},"12":{"tf":1.0},"14":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":2.449489742783178},"21":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.4142135623730951},"29":{"tf":1.4142135623730951},"3":{"tf":1.0},"32":{"tf":2.0},"4":{"tf":1.0},"43":{"tf":1.0},"46":{"tf":1.0},"47":{"tf":1.0},"48":{"tf":1.4142135623730951},"49":{"tf":3.1622776601683795},"5":{"tf":1.7320508075688772},"52":{"tf":2.0},"53":{"tf":1.0},"54":{"tf":1.4142135623730951},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.0}},"e":{"_":{"a":{"d":{"df":0,"docs":{},"j":{"df":0,"docs":{},"o":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"49":{"tf":1.0}}}}}}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":1,"docs":{"49":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}},"df":0,"docs":{},"r":{"'":{"df":1,"docs":{"47":{"tf":1.0}}},".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}},"t":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"o":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"50":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"(":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"o":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"32":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"1":{"0":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"50":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"20":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"t":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"(":{"1":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"49":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"4":{"0":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"t":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"44":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"_":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"15":{"tf":1.0},"49":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":1,"docs":{"32":{"tf":1.0}},"i":{"df":2,"docs":{"29":{"tf":1.0},"50":{"tf":1.0}}},"t":{"df":3,"docs":{"20":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951},"50":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"d":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}},"y":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"y":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"(":{"&":{"df":0,"docs":{},"i":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"[":{"0":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"(":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"32":{"tf":1.4142135623730951},"50":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":5,"docs":{"20":{"tf":1.0},"29":{"tf":1.0},"50":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0}}}}}}},"df":25,"docs":{"1":{"tf":1.4142135623730951},"10":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.7320508075688772},"27":{"tf":1.0},"28":{"tf":1.7320508075688772},"29":{"tf":1.7320508075688772},"32":{"tf":1.4142135623730951},"4":{"tf":1.0},"44":{"tf":1.0},"46":{"tf":5.0},"47":{"tf":2.449489742783178},"48":{"tf":1.0},"49":{"tf":1.7320508075688772},"5":{"tf":2.23606797749979},"50":{"tf":3.4641016151377544},"51":{"tf":1.4142135623730951},"52":{"tf":3.0},"53":{"tf":2.8284271247461903},"55":{"tf":2.23606797749979},"56":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"7":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}}},"m":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"y":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}}}},"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"1":{"tf":1.0},"21":{"tf":1.0}}}}}}},"u":{"df":0,"docs":{},"r":{"c":{"df":1,"docs":{"9":{"tf":2.0}}},"df":0,"docs":{}}}},"p":{"a":{"c":{"df":0,"docs":{},"e":{"df":4,"docs":{"10":{"tf":1.0},"12":{"tf":1.0},"13":{"tf":1.0},"14":{"tf":1.0}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":10,"docs":{"13":{"tf":1.4142135623730951},"14":{"tf":1.0},"20":{"tf":1.4142135623730951},"24":{"tf":1.4142135623730951},"43":{"tf":1.0},"45":{"tf":2.6457513110645907},"46":{"tf":1.0},"52":{"tf":2.23606797749979},"53":{"tf":1.7320508075688772},"55":{"tf":1.0}},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":2,"docs":{"15":{"tf":1.0},"20":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":2,"docs":{"15":{"tf":1.0},"20":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":2.23606797749979}}}}}}},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"13":{"tf":1.0},"14":{"tf":1.0},"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"i":{"df":2,"docs":{"2":{"tf":2.6457513110645907},"52":{"tf":1.0}},"f":{"df":10,"docs":{"0":{"tf":1.4142135623730951},"17":{"tf":1.0},"2":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0},"43":{"tf":1.4142135623730951},"5":{"tf":2.23606797749979},"50":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"8":{"tf":1.0}},"i":{"df":27,"docs":{"11":{"tf":1.0},"2":{"tf":1.0},"21":{"tf":2.23606797749979},"22":{"tf":1.7320508075688772},"23":{"tf":1.7320508075688772},"24":{"tf":2.0},"26":{"tf":1.0},"28":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951},"32":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.0},"35":{"tf":1.7320508075688772},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.0},"41":{"tf":1.0},"43":{"tf":1.7320508075688772},"44":{"tf":1.4142135623730951},"45":{"tf":2.23606797749979},"46":{"tf":1.0},"49":{"tf":1.0},"50":{"tf":2.0},"6":{"tf":2.0},"7":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.4142135623730951}}}}},"t":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"10":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"d":{"df":1,"docs":{"56":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"m":{"df":3,"docs":{"16":{"tf":1.4142135623730951},"17":{"tf":1.0},"20":{"tf":1.0}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":3,"docs":{"0":{"tf":1.4142135623730951},"3":{"tf":1.0},"4":{"tf":2.449489742783178}}}}}}},"q":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"{":{"c":{"_":{"df":0,"docs":{},"e":{"df":1,"docs":{"18":{"tf":1.0}}},"i":{"(":{"df":0,"docs":{},"r":{"=":{"df":0,"docs":{},"r":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"^":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"x":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"t":{"a":{"df":0,"docs":{},"n":{"d":{"a":{"df":0,"docs":{},"r":{"d":{"df":3,"docs":{"1":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"t":{"df":4,"docs":{"1":{"tf":1.0},"2":{"tf":1.0},"45":{"tf":1.0},"55":{"tf":1.0}}}},"t":{"df":0,"docs":{},"e":{".":{"a":{"df":0,"docs":{},"s":{"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"47":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":18,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":3.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"22":{"tf":1.7320508075688772},"24":{"tf":2.0},"3":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"35":{"tf":1.0},"46":{"tf":2.8284271247461903},"47":{"tf":3.4641016151377544},"49":{"tf":2.449489742783178},"5":{"tf":2.23606797749979},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":2.0},"8":{"tf":2.0}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":1,"docs":{"47":{"tf":1.0}},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"47":{"tf":1.0}}}}}}}}}}},"d":{":":{":":{"df":0,"docs":{},"f":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}},"s":{":":{":":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"d":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"(":{"\"":{".":{".":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"r":{"c":{"/":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"r":{"c":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"df":0,"docs":{},"m":{".":{"d":{"df":0,"docs":{},"s":{"\"":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":6,"docs":{"24":{"tf":1.0},"29":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"50":{"tf":3.872983346207417},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":3,"docs":{"46":{"tf":1.0},"52":{"tf":1.0},"55":{"tf":1.0}}}},"l":{"df":0,"docs":{},"l":{"df":1,"docs":{"23":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.0}}}}}}}}}}},"df":0,"docs":{}},"p":{"df":8,"docs":{"19":{"tf":1.4142135623730951},"20":{"tf":1.7320508075688772},"27":{"tf":1.0},"28":{"tf":1.7320508075688772},"29":{"tf":1.4142135623730951},"5":{"tf":1.0},"50":{"tf":2.0},"7":{"tf":1.4142135623730951}}},"r":{"df":0,"docs":{},"e":{"df":2,"docs":{"37":{"tf":1.0},"40":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":1,"docs":{"56":{"tf":1.0}}}}},"u":{"c":{"df":0,"docs":{},"t":{"df":20,"docs":{"23":{"tf":1.7320508075688772},"24":{"tf":1.7320508075688772},"26":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":1.7320508075688772},"34":{"tf":2.0},"35":{"tf":3.1622776601683795},"36":{"tf":1.0},"37":{"tf":1.4142135623730951},"38":{"tf":1.0},"39":{"tf":1.0},"40":{"tf":3.605551275463989},"41":{"tf":2.8284271247461903},"42":{"tf":2.8284271247461903},"44":{"tf":2.23606797749979},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":2.23606797749979},"50":{"tf":1.4142135623730951}},"u":{"df":0,"docs":{},"r":{"df":3,"docs":{"23":{"tf":1.0},"33":{"tf":1.0},"35":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"u":{"b":{"df":0,"docs":{},"j":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"c":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"29":{"tf":1.0},"50":{"tf":1.0}}}}}},"df":0,"docs":{},"h":{"df":9,"docs":{"0":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.0},"25":{"tf":1.0},"28":{"tf":1.0},"30":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0}}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"i":{"df":0,"docs":{},"t":{"a":{"b":{"df":0,"docs":{},"l":{"df":3,"docs":{"13":{"tf":1.0},"33":{"tf":1.0},"46":{"tf":1.0}}}},"df":0,"docs":{}},"df":1,"docs":{"51":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"52":{"tf":1.0}}}}},"df":0,"docs":{}}}}}},"m":{"df":1,"docs":{"9":{"tf":1.0}}},"n":{"d":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":6,"docs":{"51":{"tf":1.0},"52":{"tf":2.8284271247461903},"53":{"tf":3.0},"54":{"tf":1.4142135623730951},"55":{"tf":2.449489742783178},"56":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"_":{"b":{"a":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"52":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":1,"docs":{"52":{"tf":1.0}}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"52":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"df":1,"docs":{"7":{"tf":1.0}}},"f":{"a":{"c":{"df":4,"docs":{"15":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.7320508075688772},"18":{"tf":1.0}},"e":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{"df":0,"docs":{},"z":{")":{".":{"df":0,"docs":{},"x":{"(":{"df":0,"docs":{},"x":{")":{".":{"df":0,"docs":{},"y":{"(":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"y":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"x":{"df":2,"docs":{"2":{"tf":1.0},"43":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"'":{"df":1,"docs":{"0":{"tf":1.0}}},".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"4":{"tf":1.0}}}}}}},"df":24,"docs":{"0":{"tf":3.4641016151377544},"1":{"tf":3.0},"10":{"tf":1.4142135623730951},"13":{"tf":1.0},"14":{"tf":1.4142135623730951},"2":{"tf":2.8284271247461903},"26":{"tf":1.4142135623730951},"3":{"tf":2.449489742783178},"34":{"tf":1.4142135623730951},"38":{"tf":1.4142135623730951},"39":{"tf":1.0},"4":{"tf":2.6457513110645907},"41":{"tf":1.0},"43":{"tf":1.4142135623730951},"45":{"tf":2.0},"5":{"tf":3.0},"52":{"tf":1.0},"53":{"tf":1.4142135623730951},"55":{"tf":2.0},"56":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":1.7320508075688772},"8":{"tf":2.0},"9":{"tf":2.0}}}}}}}},"t":{".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"0":{".":{"0":{"df":2,"docs":{"20":{"tf":1.0},"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"20":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"0":{"(":{"0":{".":{"0":{"df":4,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":2,"docs":{"24":{"tf":1.0},"45":{"tf":1.4142135623730951}}},"_":{"0":{"df":1,"docs":{"22":{"tf":1.0}}},"df":0,"docs":{},"o":{"df":2,"docs":{"32":{"tf":2.8284271247461903},"50":{"tf":2.23606797749979}}}},"a":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"u":{":":{":":{"<":{"df":0,"docs":{},"m":{">":{":":{":":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"_":{"b":{"d":{"df":0,"docs":{},"f":{"2":{"df":1,"docs":{"46":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"46":{"tf":2.8284271247461903}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"k":{"df":0,"docs":{},"e":{"df":3,"docs":{"20":{"tf":1.0},"26":{"tf":1.0},"35":{"tf":1.0}},"n":{"df":4,"docs":{"53":{"tf":1.0},"54":{"tf":1.4142135623730951},"55":{"tf":1.0},"6":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":25,"docs":{"1":{"tf":2.0},"12":{"tf":1.7320508075688772},"17":{"tf":1.0},"2":{"tf":1.7320508075688772},"20":{"tf":1.4142135623730951},"22":{"tf":1.0},"24":{"tf":2.8284271247461903},"26":{"tf":2.23606797749979},"28":{"tf":2.23606797749979},"29":{"tf":2.0},"3":{"tf":1.7320508075688772},"35":{"tf":3.3166247903554},"36":{"tf":2.0},"37":{"tf":2.23606797749979},"4":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":4.358898943540674},"42":{"tf":4.358898943540674},"44":{"tf":1.0},"45":{"tf":1.4142135623730951},"5":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":2.6457513110645907},"8":{"tf":2.23606797749979},"9":{"tf":2.23606797749979}},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":2,"docs":{"12":{"tf":1.4142135623730951},"14":{"tf":1.0}}}}}},"df":0,"docs":{}}}}},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"43":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"m":{"df":4,"docs":{"13":{"tf":1.7320508075688772},"2":{"tf":2.449489742783178},"8":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":0,"docs":{},"n":{"df":4,"docs":{"16":{"tf":1.0},"18":{"tf":1.0},"19":{"tf":1.7320508075688772},"20":{"tf":1.7320508075688772}}}}}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"52":{"tf":1.4142135623730951},"53":{"tf":1.4142135623730951}}}},"x":{"df":0,"docs":{},"t":{"df":2,"docs":{"13":{"tf":1.0},"6":{"tf":2.0}},"{":{"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"}":{"(":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":2,"docs":{"13":{"tf":1.0},"40":{"tf":1.4142135623730951}}}}}},"m":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"12":{"tf":1.0}}}},"df":0,"docs":{}}}},"i":{"c":{"df":0,"docs":{},"k":{"df":2,"docs":{"16":{"tf":1.0},"17":{"tf":1.0}}}},"df":0,"docs":{},"n":{"df":2,"docs":{"24":{"tf":1.0},"45":{"tf":1.0}}},"r":{"d":{"df":1,"docs":{"24":{"tf":1.0}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":1,"docs":{"23":{"tf":1.0}}},"s":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"d":{"df":2,"docs":{"19":{"tf":1.7320508075688772},"6":{"tf":1.0}}},"df":0,"docs":{}}}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":4,"docs":{"45":{"tf":1.0},"50":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.7320508075688772}}}}}}},"u":{"df":6,"docs":{"1":{"tf":1.0},"21":{"tf":1.0},"26":{"tf":1.0},"43":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}}}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"43":{"tf":1.0}}}}}}},"m":{"df":0,"docs":{},"e":{".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"0":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"df":31,"docs":{"0":{"tf":1.7320508075688772},"1":{"tf":2.23606797749979},"10":{"tf":1.0},"12":{"tf":1.7320508075688772},"15":{"tf":1.4142135623730951},"2":{"tf":1.7320508075688772},"20":{"tf":1.4142135623730951},"22":{"tf":1.7320508075688772},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"29":{"tf":1.0},"3":{"tf":1.7320508075688772},"31":{"tf":1.0},"32":{"tf":2.23606797749979},"4":{"tf":1.4142135623730951},"40":{"tf":1.4142135623730951},"44":{"tf":1.0},"45":{"tf":1.0},"47":{"tf":1.4142135623730951},"49":{"tf":2.6457513110645907},"5":{"tf":2.23606797749979},"50":{"tf":2.8284271247461903},"52":{"tf":1.0},"54":{"tf":2.8284271247461903},"55":{"tf":1.0},"56":{"tf":1.0},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.7320508075688772}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"49":{"tf":1.0}}}}}}}},"s":{"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"o":{"/":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":3,"docs":{"2":{"tf":1.0},"38":{"tf":1.0},"6":{"tf":1.0}}}}}},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"24":{"tf":1.7320508075688772},"50":{"tf":1.0},"53":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"l":{"df":2,"docs":{"0":{"tf":1.0},"20":{"tf":1.0}}}},"p":{"df":1,"docs":{"9":{"tf":1.0}},"i":{"c":{"df":2,"docs":{"0":{"tf":1.0},"10":{"tf":1.0}}},"df":0,"docs":{}}},"t":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"52":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"x":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"_":{"b":{"d":{"df":0,"docs":{},"f":{"2":{"df":1,"docs":{"46":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"a":{"c":{"df":0,"docs":{},"e":{"df":1,"docs":{"15":{"tf":1.0}}}},"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"16":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":15,"docs":{"23":{"tf":1.0},"32":{"tf":1.7320508075688772},"34":{"tf":2.8284271247461903},"35":{"tf":2.0},"36":{"tf":1.4142135623730951},"37":{"tf":1.4142135623730951},"39":{"tf":1.4142135623730951},"40":{"tf":2.6457513110645907},"41":{"tf":1.4142135623730951},"42":{"tf":1.0},"45":{"tf":1.0},"47":{"tf":1.7320508075688772},"48":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}}},"j":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":1,"docs":{"25":{"tf":1.0}}}}}},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"l":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"0":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"56":{"tf":1.0}}},"df":0,"docs":{}}},"i":{"df":1,"docs":{"6":{"tf":1.0}},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.0}}}}}}},"u":{"df":0,"docs":{},"e":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}}}},"s":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":4,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"49":{"tf":1.0},"9":{"tf":1.0}}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":1,"docs":{"18":{"tf":1.0}}}}},"w":{"df":0,"docs":{},"o":{"df":10,"docs":{"1":{"tf":2.0},"2":{"tf":2.23606797749979},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"5":{"tf":1.4142135623730951},"50":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951},"9":{"tf":1.4142135623730951}}}},"y":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"df":27,"docs":{"0":{"tf":1.0},"15":{"tf":1.7320508075688772},"2":{"tf":2.449489742783178},"20":{"tf":1.7320508075688772},"24":{"tf":3.3166247903554},"26":{"tf":1.4142135623730951},"28":{"tf":1.0},"29":{"tf":1.7320508075688772},"31":{"tf":1.0},"32":{"tf":2.0},"35":{"tf":3.872983346207417},"36":{"tf":2.449489742783178},"37":{"tf":2.449489742783178},"4":{"tf":1.7320508075688772},"40":{"tf":1.7320508075688772},"41":{"tf":5.0990195135927845},"42":{"tf":5.0990195135927845},"44":{"tf":2.23606797749979},"45":{"tf":2.8284271247461903},"46":{"tf":1.7320508075688772},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178},"53":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}},"i":{"c":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}},"u":{"(":{"df":0,"docs":{},"x":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":2,"docs":{"12":{"tf":1.0},"13":{"tf":1.4142135623730951}}}},"_":{"df":0,"docs":{},"i":{"df":7,"docs":{"15":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"j":{"df":1,"docs":{"15":{"tf":1.0}}},"n":{"(":{"df":0,"docs":{},"x":{"_":{"df":0,"docs":{},"n":{"^":{"df":1,"docs":{"18":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"p":{"(":{"df":0,"docs":{},"x":{"_":{"df":0,"docs":{},"p":{"^":{"df":1,"docs":{"18":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"{":{"df":0,"docs":{},"x":{"df":0,"docs":{},"x":{"df":1,"docs":{"13":{"tf":2.0}}}}}},"df":2,"docs":{"14":{"tf":1.4142135623730951},"44":{"tf":2.449489742783178}},"f":{"df":0,"docs":{},"l":{"df":1,"docs":{"11":{"tf":1.4142135623730951}}}},"n":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"30":{"tf":1.0}}}}}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"0":{"tf":1.0},"16":{"tf":1.0},"3":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"0":{"tf":1.0},"2":{"tf":1.0}}}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"10":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":1,"docs":{"11":{"tf":1.0}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":1,"docs":{"16":{"tf":1.0}}}}}},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"k":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":5,"docs":{"20":{"tf":1.0},"32":{"tf":1.0},"50":{"tf":1.0},"55":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772}}}}},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":20,"docs":{"15":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"4":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}},"p":{"d":{"a":{"df":0,"docs":{},"t":{"df":3,"docs":{"5":{"tf":1.4142135623730951},"7":{"tf":2.0},"8":{"tf":1.0}}}},"df":0,"docs":{}},"df":2,"docs":{"32":{"tf":1.0},"49":{"tf":1.0}},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"19":{"tf":1.0}}}}}},"s":{"df":50,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":1.0},"10":{"tf":1.0},"11":{"tf":1.7320508075688772},"12":{"tf":1.0},"13":{"tf":2.0},"14":{"tf":1.4142135623730951},"15":{"tf":1.7320508075688772},"16":{"tf":1.0},"19":{"tf":1.4142135623730951},"2":{"tf":3.4641016151377544},"20":{"tf":2.8284271247461903},"21":{"tf":1.4142135623730951},"22":{"tf":1.4142135623730951},"23":{"tf":3.0},"24":{"tf":3.4641016151377544},"25":{"tf":1.0},"26":{"tf":2.0},"28":{"tf":2.23606797749979},"29":{"tf":2.0},"3":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":2.449489742783178},"32":{"tf":3.0},"34":{"tf":1.4142135623730951},"35":{"tf":2.23606797749979},"36":{"tf":1.0},"37":{"tf":1.4142135623730951},"38":{"tf":1.0},"4":{"tf":2.23606797749979},"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.7320508075688772},"43":{"tf":2.23606797749979},"44":{"tf":3.0},"45":{"tf":3.0},"46":{"tf":3.1622776601683795},"47":{"tf":2.8284271247461903},"49":{"tf":2.8284271247461903},"5":{"tf":2.23606797749979},"50":{"tf":3.605551275463989},"52":{"tf":3.0},"53":{"tf":2.8284271247461903},"54":{"tf":1.0},"55":{"tf":1.4142135623730951},"56":{"tf":1.4142135623730951},"6":{"tf":2.6457513110645907},"7":{"tf":2.23606797749979},"8":{"tf":1.7320508075688772},"9":{"tf":2.0}},"e":{"c":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"43":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"r":{"df":11,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"21":{"tf":1.0},"22":{"tf":1.0},"23":{"tf":2.0},"26":{"tf":1.0},"33":{"tf":1.0},"49":{"tf":1.7320508075688772},"5":{"tf":1.4142135623730951},"53":{"tf":1.4142135623730951},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"z":{"df":5,"docs":{"35":{"tf":2.449489742783178},"36":{"tf":1.7320508075688772},"37":{"tf":1.7320508075688772},"41":{"tf":4.242640687119285},"42":{"tf":4.242640687119285}}}}},"}":{"df":0,"docs":{},"{":{"\\":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":2,"docs":{"12":{"tf":1.4142135623730951},"13":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}},"d":{"df":0,"docs":{},"x":{"^":{"2":{"df":1,"docs":{"14":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"v":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"v":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"d":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{":":{":":{"<":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"<":{"df":0,"docs":{},"f":{"6":{"4":{">":{">":{"(":{")":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{":":{":":{"<":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"<":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"[":{"0":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"1":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"0":{".":{"2":{".":{"1":{"df":1,"docs":{"54":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"9":{"tf":1.4142135623730951}}},":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"2":{"df":1,"docs":{"26":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"f":{"df":0,"docs":{},"n":{"(":{"1":{"0":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}},"z":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"(":{"2":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"[":{"0":{"df":11,"docs":{"24":{"tf":1.0},"26":{"tf":1.7320508075688772},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.4142135623730951},"32":{"tf":2.0},"35":{"tf":1.0},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"1":{"df":3,"docs":{"26":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951}}},"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}}},"_":{"0":{"df":3,"docs":{"13":{"tf":1.0},"26":{"tf":1.7320508075688772},"9":{"tf":1.0}}},"1":{"df":2,"docs":{"13":{"tf":1.0},"26":{"tf":1.0}}},"2":{"df":1,"docs":{"13":{"tf":1.0}}},"c":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":1,"docs":{"9":{"tf":1.7320508075688772}},"i":{"df":1,"docs":{"13":{"tf":1.0}}},"k":{"df":1,"docs":{"31":{"tf":1.4142135623730951}}},"r":{"df":1,"docs":{"31":{"tf":1.4142135623730951}}},"s":{"(":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}},"{":{"\\":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"t":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"x":{"df":1,"docs":{"19":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"19":{"tf":1.4142135623730951}}}}}}}}}}},"df":0,"docs":{},"i":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"n":{"+":{"1":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"p":{"1":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}},"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":10,"docs":{"2":{"tf":1.7320508075688772},"24":{"tf":1.0},"27":{"tf":1.0},"28":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"46":{"tf":2.0},"47":{"tf":1.4142135623730951},"53":{"tf":1.0},"55":{"tf":1.0},"8":{"tf":1.7320508075688772}}}},"r":{"df":0,"docs":{},"i":{"a":{"b":{"df":0,"docs":{},"l":{"df":11,"docs":{"1":{"tf":2.23606797749979},"18":{"tf":1.7320508075688772},"20":{"tf":1.0},"26":{"tf":1.4142135623730951},"27":{"tf":1.0},"3":{"tf":2.0},"4":{"tf":1.0},"52":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"20":{"tf":1.0}}}}}}}},"c":{"df":1,"docs":{"6":{"tf":2.0}}},"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.7320508075688772}}}}},"df":24,"docs":{"18":{"tf":1.0},"19":{"tf":1.4142135623730951},"20":{"tf":1.7320508075688772},"24":{"tf":2.449489742783178},"26":{"tf":1.7320508075688772},"28":{"tf":1.0},"29":{"tf":1.0},"3":{"tf":2.0},"31":{"tf":3.3166247903554},"32":{"tf":2.0},"35":{"tf":3.7416573867739413},"36":{"tf":2.0},"37":{"tf":2.23606797749979},"4":{"tf":2.449489742783178},"40":{"tf":2.449489742783178},"41":{"tf":5.385164807134504},"42":{"tf":5.385164807134504},"45":{"tf":3.1622776601683795},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"7":{"tf":3.3166247903554},"9":{"tf":2.6457513110645907}},"e":{"c":{"!":{"[":{"(":{"0":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{".":{"0":{"df":1,"docs":{"49":{"tf":1.0}}},"6":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":3,"docs":{"20":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}},"<":{"_":{"df":3,"docs":{"2":{"tf":2.23606797749979},"4":{"tf":1.4142135623730951},"9":{"tf":1.4142135623730951}}},"d":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"32":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":1,"docs":{"49":{"tf":1.7320508075688772}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":18,"docs":{"1":{"tf":1.4142135623730951},"13":{"tf":1.4142135623730951},"14":{"tf":1.4142135623730951},"2":{"tf":1.0},"22":{"tf":1.7320508075688772},"24":{"tf":3.0},"26":{"tf":2.0},"3":{"tf":1.0},"31":{"tf":2.6457513110645907},"32":{"tf":2.0},"35":{"tf":1.7320508075688772},"40":{"tf":1.0},"45":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"52":{"tf":1.0},"53":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.23606797749979}}}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"c":{"df":3,"docs":{"3":{"tf":1.4142135623730951},"4":{"tf":1.7320508075688772},"7":{"tf":3.1622776601683795}}},"df":0,"docs":{}}},"r":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":1,"docs":{"21":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"df":1,"docs":{"55":{"tf":1.0}}},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":2,"docs":{"44":{"tf":1.0},"53":{"tf":1.4142135623730951}}}}}}}},"i":{"a":{"df":5,"docs":{"0":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"52":{"tf":1.0},"8":{"tf":1.0}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"18":{"tf":1.0}}}}},"t":{"a":{"df":0,"docs":{},"g":{"df":5,"docs":{"16":{"tf":1.0},"18":{"tf":1.0},"19":{"tf":1.4142135623730951},"20":{"tf":2.0},"9":{"tf":2.8284271247461903}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"a":{"df":1,"docs":{"2":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}}},"u":{"df":0,"docs":{},"m":{"df":4,"docs":{"10":{"tf":1.0},"11":{"tf":1.0},"17":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}}},"p":{"1":{"df":1,"docs":{"6":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"s":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}}}},"w":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":10,"docs":{"21":{"tf":1.0},"23":{"tf":2.0},"27":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":1.0},"43":{"tf":1.4142135623730951},"44":{"tf":1.4142135623730951},"50":{"tf":1.0}}}},"y":{"df":7,"docs":{"10":{"tf":1.0},"24":{"tf":1.0},"33":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.0},"5":{"tf":1.7320508075688772},"50":{"tf":1.7320508075688772}}}},"df":0,"docs":{},"e":{"'":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":2,"docs":{"28":{"tf":1.0},"3":{"tf":1.0}}}},"v":{"df":2,"docs":{"36":{"tf":1.0},"38":{"tf":1.0}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":4,"docs":{"0":{"tf":1.0},"35":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.0}}}}},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"df":1,"docs":{"24":{"tf":1.0}}},"df":0,"docs":{}}}}},"i":{"d":{"df":0,"docs":{},"e":{"df":3,"docs":{"0":{"tf":1.0},"20":{"tf":1.0},"8":{"tf":1.0}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":6,"docs":{"1":{"tf":1.0},"19":{"tf":1.0},"20":{"tf":1.0},"40":{"tf":1.0},"47":{"tf":1.4142135623730951},"50":{"tf":1.0}}}},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"1":{"tf":1.0},"23":{"tf":1.0}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"47":{"tf":1.0}}}}}}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":1,"docs":{"53":{"tf":1.0}}}}},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"56":{"tf":1.0}},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"24":{"tf":1.0},"45":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":10,"docs":{"1":{"tf":1.7320508075688772},"14":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.7320508075688772},"4":{"tf":1.0},"43":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":9,"docs":{"0":{"tf":1.4142135623730951},"2":{"tf":1.7320508075688772},"21":{"tf":1.0},"26":{"tf":1.0},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"56":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0}}}}}}},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":1,"docs":{"53":{"tf":1.7320508075688772}}}}}}},"x":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"4":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"x":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"=":{"0":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"1":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"[":{"0":{"df":13,"docs":{"24":{"tf":1.7320508075688772},"26":{"tf":2.0},"28":{"tf":2.0},"29":{"tf":2.0},"31":{"tf":2.6457513110645907},"32":{"tf":3.7416573867739413},"35":{"tf":1.7320508075688772},"41":{"tf":2.23606797749979},"42":{"tf":2.23606797749979},"46":{"tf":1.7320508075688772},"47":{"tf":1.7320508075688772},"49":{"tf":2.449489742783178},"50":{"tf":3.0}}},"1":{"df":1,"docs":{"26":{"tf":1.0}}},"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":2.449489742783178}}}},"^":{"2":{"df":2,"docs":{"12":{"tf":1.0},"13":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"_":{"1":{"df":1,"docs":{"13":{"tf":1.7320508075688772}}},"2":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"(":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"t":{"df":6,"docs":{"2":{"tf":1.0},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"x":{"df":2,"docs":{"15":{"tf":1.0},"2":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"i":{"^":{"df":1,"docs":{"18":{"tf":1.0}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"n":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}}},"df":24,"docs":{"12":{"tf":1.0},"13":{"tf":1.7320508075688772},"15":{"tf":1.0},"2":{"tf":3.872983346207417},"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"32":{"tf":2.449489742783178},"35":{"tf":1.4142135623730951},"37":{"tf":1.4142135623730951},"4":{"tf":2.449489742783178},"41":{"tf":2.0},"42":{"tf":2.0},"45":{"tf":2.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178},"54":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":2.8284271247461903}}},"y":{"(":{"0":{"df":1,"docs":{"31":{"tf":1.0}}},"df":0,"docs":{},"t":{"_":{"0":{"df":1,"docs":{"22":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},".":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"v":{"(":{"1":{".":{"0":{"df":1,"docs":{"37":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"/":{"df":0,"docs":{},"k":{"df":5,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"28":{"tf":1.0},"31":{"tf":1.7320508075688772},"35":{"tf":1.0}}}},"0":{"df":2,"docs":{"2":{"tf":2.6457513110645907},"45":{"tf":1.0}}},"1":{"df":1,"docs":{"2":{"tf":2.8284271247461903}}},"2":{"df":1,"docs":{"2":{"tf":2.8284271247461903}}},"[":{"0":{"]":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"x":{"(":{"df":0,"docs":{},"f":{"6":{"4":{":":{":":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"7":{"tf":1.0}}}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":15,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":2.0},"28":{"tf":1.7320508075688772},"29":{"tf":1.7320508075688772},"31":{"tf":2.0},"32":{"tf":2.8284271247461903},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"41":{"tf":2.23606797749979},"42":{"tf":2.23606797749979},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178},"7":{"tf":1.0}}},"1":{"df":2,"docs":{"26":{"tf":1.7320508075688772},"7":{"tf":1.4142135623730951}}},"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":2.0}}}},"^":{"2":{"df":1,"docs":{"31":{"tf":1.0}}},"df":0,"docs":{}},"_":{"0":{"(":{"df":0,"docs":{},"p":{"df":1,"docs":{"24":{"tf":1.4142135623730951}}},"t":{"_":{"0":{"df":1,"docs":{"22":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"/":{"df":0,"docs":{},"k":{"df":1,"docs":{"26":{"tf":1.4142135623730951}}}},"df":2,"docs":{"2":{"tf":2.449489742783178},"26":{"tf":1.7320508075688772}}},"1":{"df":1,"docs":{"26":{"tf":1.4142135623730951}}},"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"(":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"(":{"\"":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}},"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}}},"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"t":{"df":1,"docs":{"15":{"tf":1.0}}},"v":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}}}}},"x":{"df":1,"docs":{"4":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"7":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":23,"docs":{"15":{"tf":1.0},"2":{"tf":3.872983346207417},"20":{"tf":1.0},"22":{"tf":2.8284271247461903},"24":{"tf":2.23606797749979},"25":{"tf":1.0},"26":{"tf":2.6457513110645907},"28":{"tf":3.0},"29":{"tf":1.7320508075688772},"31":{"tf":2.8284271247461903},"32":{"tf":2.8284271247461903},"35":{"tf":1.7320508075688772},"36":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":2.23606797749979},"42":{"tf":2.23606797749979},"45":{"tf":2.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178},"54":{"tf":1.0},"7":{"tf":1.0}},"s":{".":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"(":{"0":{")":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"d":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"1":{")":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"d":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":4,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"49":{"tf":1.0},"9":{"tf":1.0}}}},"z":{"(":{"df":0,"docs":{},"t":{"df":1,"docs":{"22":{"tf":1.0}}}},"_":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"(":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"u":{"df":1,"docs":{"15":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":2,"docs":{"15":{"tf":1.0},"26":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":9,"docs":{"13":{"tf":1.0},"27":{"tf":1.0},"28":{"tf":1.0},"31":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.4142135623730951}},"t":{"df":0,"docs":{},"h":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}}},"breadcrumbs":{"root":{"0":{".":{".":{"1":{"0":{"df":1,"docs":{"45":{"tf":2.0}}},"df":0,"docs":{}},"2":{"1":{")":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"p":{"(":{"df":0,"docs":{},"|":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"5":{"0":{")":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"p":{"(":{"df":0,"docs":{},"|":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{"0":{"1":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}},"df":3,"docs":{"15":{"tf":1.4142135623730951},"31":{"tf":1.0},"32":{"tf":1.4142135623730951}}},"1":{"df":16,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951},"36":{"tf":1.0},"4":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.4142135623730951},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"3":{"df":1,"docs":{"55":{"tf":1.0}}},"4":{"df":1,"docs":{"44":{"tf":1.0}}},"5":{"df":3,"docs":{"18":{"tf":1.0},"28":{"tf":2.23606797749979},"29":{"tf":1.0}}},"7":{"df":1,"docs":{"55":{"tf":1.0}}},"8":{"df":2,"docs":{"20":{"tf":1.0},"7":{"tf":1.0}}},"9":{"8":{"df":1,"docs":{"45":{"tf":3.1622776601683795}}},"df":2,"docs":{"55":{"tf":1.0},"56":{"tf":1.0}}},"df":0,"docs":{}},":":{"5":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":20,"docs":{"1":{"tf":1.0},"13":{"tf":2.6457513110645907},"15":{"tf":2.23606797749979},"17":{"tf":1.0},"19":{"tf":1.4142135623730951},"2":{"tf":1.0},"26":{"tf":2.0},"28":{"tf":1.0},"31":{"tf":1.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"4":{"tf":1.0},"41":{"tf":2.0},"42":{"tf":2.0},"45":{"tf":1.7320508075688772},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.4142135623730951},"9":{"tf":5.477225575051661}}},"1":{".":{".":{".":{"df":0,"docs":{},"n":{"df":1,"docs":{"13":{"tf":1.0}}}},"6":{")":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"p":{"(":{"df":0,"docs":{},"f":{"6":{"4":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{"df":23,"docs":{"15":{"tf":6.557438524302},"2":{"tf":2.23606797749979},"20":{"tf":1.0},"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"32":{"tf":2.449489742783178},"35":{"tf":1.4142135623730951},"37":{"tf":1.0},"4":{"tf":1.4142135623730951},"41":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":2.449489742783178},"45":{"tf":2.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.23606797749979},"50":{"tf":2.449489742783178},"55":{"tf":1.0},"56":{"tf":1.0},"9":{"tf":1.0}}},"2":{"df":1,"docs":{"20":{"tf":1.0}}},"4":{"df":1,"docs":{"20":{"tf":1.0}}},"5":{"df":1,"docs":{"55":{"tf":1.4142135623730951}}},"9":{"df":1,"docs":{"55":{"tf":1.0}}},"df":0,"docs":{}},"0":{".":{"0":{"df":14,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":2.0},"42":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":2.23606797749979},"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"0":{".":{"0":{"df":2,"docs":{"6":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"0":{".":{"0":{"df":1,"docs":{"6":{"tf":2.449489742783178}}},"df":0,"docs":{}},"df":1,"docs":{"6":{"tf":1.7320508075688772}}},"df":1,"docs":{"6":{"tf":1.0}}},"^":{"0":{"df":1,"docs":{"54":{"tf":1.0}}},"1":{"df":1,"docs":{"54":{"tf":1.0}}},"df":0,"docs":{}},"df":6,"docs":{"1":{"tf":1.4142135623730951},"15":{"tf":2.449489742783178},"32":{"tf":1.0},"45":{"tf":1.7320508075688772},"54":{"tf":1.0},"9":{"tf":1.0}}},"1":{"df":1,"docs":{"15":{"tf":2.449489742783178}}},"2":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"15":{"tf":2.449489742783178}}},"3":{"df":1,"docs":{"15":{"tf":2.449489742783178}}},"4":{"df":1,"docs":{"15":{"tf":2.449489742783178}}},"5":{":":{"2":{"1":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"15":{"tf":2.449489742783178}}},"6":{"df":1,"docs":{"15":{"tf":2.449489742783178}}},"7":{"df":1,"docs":{"15":{"tf":2.449489742783178}}},"8":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"15":{"tf":2.449489742783178}}},"9":{"df":1,"docs":{"15":{"tf":2.449489742783178}}},":":{"2":{"0":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"d":{"df":1,"docs":{"16":{"tf":1.0}}},"df":20,"docs":{"13":{"tf":3.872983346207417},"15":{"tf":2.449489742783178},"18":{"tf":1.0},"2":{"tf":2.23606797749979},"24":{"tf":1.7320508075688772},"26":{"tf":2.0},"28":{"tf":1.7320508075688772},"29":{"tf":1.0},"31":{"tf":1.7320508075688772},"35":{"tf":2.23606797749979},"36":{"tf":1.4142135623730951},"37":{"tf":1.7320508075688772},"4":{"tf":1.0},"41":{"tf":3.4641016151377544},"42":{"tf":3.4641016151377544},"45":{"tf":1.4142135623730951},"52":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.4142135623730951}},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"h":{"^":{"2":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"2":{".":{"0":{"/":{"3":{".":{"0":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":13,"docs":{"15":{"tf":4.58257569495584},"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"35":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.7320508075688772},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"0":{"0":{"df":1,"docs":{"9":{"tf":1.0}}},"df":1,"docs":{"15":{"tf":2.23606797749979}}},"d":{"df":1,"docs":{"52":{"tf":1.4142135623730951}}},"df":10,"docs":{"13":{"tf":2.8284271247461903},"15":{"tf":2.449489742783178},"26":{"tf":1.0},"31":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"52":{"tf":1.4142135623730951},"55":{"tf":1.0},"6":{"tf":1.4142135623730951}},"n":{"^":{"2":{"df":1,"docs":{"52":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"u":{"(":{"df":0,"docs":{},"x":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{}},"v":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"13":{"tf":1.7320508075688772}}}},"df":0,"docs":{}},"y":{"/":{"df":0,"docs":{},"k":{"df":1,"docs":{"24":{"tf":1.0}}}},"df":0,"docs":{}}},"3":{".":{"0":{"df":2,"docs":{"20":{"tf":1.0},"49":{"tf":1.0}}},"df":0,"docs":{}},"6":{"0":{"0":{".":{"0":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":4,"docs":{"15":{"tf":2.449489742783178},"17":{"tf":1.0},"45":{"tf":1.4142135623730951},"52":{"tf":1.4142135623730951}}},"4":{".":{"0":{"/":{"3":{".":{"0":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"49":{"tf":1.0}}},"df":0,"docs":{}},"df":2,"docs":{"15":{"tf":2.449489742783178},"45":{"tf":1.4142135623730951}}},"5":{".":{"0":{"df":1,"docs":{"49":{"tf":1.0}}},"df":0,"docs":{}},"0":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"6":{"tf":1.0}}},":":{"1":{"5":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"1":{"tf":1.4142135623730951},"15":{"tf":2.449489742783178},"45":{"tf":1.4142135623730951}}},"6":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"7":{".":{"0":{"df":1,"docs":{"53":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":7,"docs":{"15":{"tf":2.449489742783178},"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"44":{"tf":1.0},"45":{"tf":2.449489742783178},"6":{"tf":1.0}}},"7":{"5":{"4":{"df":1,"docs":{"45":{"tf":1.0}}},"df":0,"docs":{}},"df":2,"docs":{"15":{"tf":2.449489742783178},"45":{"tf":1.4142135623730951}}},"8":{"df":2,"docs":{"15":{"tf":2.449489742783178},"45":{"tf":1.4142135623730951}}},"9":{".":{"8":{"1":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":2,"docs":{"15":{"tf":2.449489742783178},"45":{"tf":1.4142135623730951}}},"_":{">":{"(":{"&":{"df":0,"docs":{},"t":{"a":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"u":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":1,"docs":{"46":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":3,"docs":{"20":{"tf":1.0},"45":{"tf":1.4142135623730951},"6":{"tf":1.0}},"p":{"df":7,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.4142135623730951},"32":{"tf":2.0},"45":{"tf":1.4142135623730951}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"n":{"df":4,"docs":{"29":{"tf":1.0},"44":{"tf":1.0},"49":{"tf":1.0},"50":{"tf":1.4142135623730951}}}}}},"t":{"df":17,"docs":{"2":{"tf":1.0},"24":{"tf":1.7320508075688772},"26":{"tf":2.0},"28":{"tf":2.0},"29":{"tf":2.0},"31":{"tf":2.23606797749979},"32":{"tf":3.1622776601683795},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":2.23606797749979},"42":{"tf":2.23606797749979},"45":{"tf":2.449489742783178},"46":{"tf":1.7320508075688772},"47":{"tf":1.7320508075688772},"49":{"tf":2.449489742783178},"50":{"tf":3.0}}},"v":{"df":2,"docs":{"31":{"tf":1.0},"32":{"tf":1.4142135623730951}}}},"a":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.0}},"j":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}}}},"b":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":1,"docs":{"16":{"tf":1.0}}}},"o":{"df":0,"docs":{},"v":{"df":14,"docs":{"1":{"tf":1.0},"14":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"23":{"tf":1.7320508075688772},"24":{"tf":1.0},"3":{"tf":1.0},"31":{"tf":1.0},"53":{"tf":1.0},"55":{"tf":1.0},"56":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"2":{"tf":2.0}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"24":{"tf":1.4142135623730951},"53":{"tf":1.0}}}}},"r":{"b":{"df":1,"docs":{"0":{"tf":1.0}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}},"c":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"3":{"tf":1.0},"7":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"s":{"df":3,"docs":{"40":{"tf":1.0},"47":{"tf":1.0},"53":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"r":{"d":{"df":2,"docs":{"7":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"7":{"tf":1.0}}}}}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"0":{"tf":1.0}}}}}}},"df":0,"docs":{},"t":{"df":2,"docs":{"4":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"27":{"tf":1.0}}}},"v":{"df":1,"docs":{"17":{"tf":1.0}}}}}},"d":{"d":{"df":2,"docs":{"26":{"tf":1.0},"28":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":5,"docs":{"13":{"tf":1.4142135623730951},"22":{"tf":1.0},"26":{"tf":1.7320508075688772},"53":{"tf":1.0},"8":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"34":{"tf":1.0}}}}}}}},"df":1,"docs":{"28":{"tf":1.0}},"j":{"df":0,"docs":{},"o":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"49":{"tf":1.0}}}}}}},"m":{"df":1,"docs":{"6":{"tf":1.4142135623730951}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.0}},"r":{"df":1,"docs":{"5":{"tf":1.0}}}}}}}}},"v":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"55":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"53":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"g":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":4,"docs":{"26":{"tf":1.0},"31":{"tf":1.0},"55":{"tf":1.0},"7":{"tf":1.0}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"51":{"tf":1.0},"53":{"tf":1.0}}}}}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"r":{"a":{"df":6,"docs":{"0":{"tf":1.4142135623730951},"26":{"tf":1.0},"47":{"tf":1.4142135623730951},"52":{"tf":1.4142135623730951},"8":{"tf":2.8284271247461903},"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"m":{"df":1,"docs":{"19":{"tf":1.0}}}}}}}}},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":5,"docs":{"2":{"tf":1.0},"5":{"tf":1.0},"53":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"5":{"tf":1.0}},"g":{"df":3,"docs":{"13":{"tf":1.4142135623730951},"52":{"tf":2.23606797749979},"8":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"h":{"a":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"a":{"d":{"df":0,"docs":{},"i":{"df":3,"docs":{"21":{"tf":1.0},"40":{"tf":1.4142135623730951},"47":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"w":{"a":{"df":0,"docs":{},"y":{"df":1,"docs":{"3":{"tf":1.0}}}},"df":0,"docs":{}}},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"40":{"tf":1.0}}}}}}},"n":{"d":{"/":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{},"g":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}}}},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":3,"docs":{"10":{"tf":1.0},"21":{"tf":1.0},"3":{"tf":1.0}}}}}},"p":{"df":0,"docs":{},"i":{"df":28,"docs":{"0":{"tf":1.0},"21":{"tf":2.449489742783178},"22":{"tf":1.0},"23":{"tf":3.3166247903554},"24":{"tf":1.0},"25":{"tf":1.0},"26":{"tf":1.0},"27":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0},"37":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.0}}},"p":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"3":{"tf":1.0}}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"30":{"tf":1.0}}},"df":2,"docs":{"17":{"tf":1.0},"6":{"tf":1.4142135623730951}}}},"r":{"df":0,"docs":{},"o":{"a":{"c":{"df":0,"docs":{},"h":{"df":1,"docs":{"5":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}}}},"x":{"df":2,"docs":{"13":{"tf":1.4142135623730951},"14":{"tf":1.0}},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"13":{"tf":1.7320508075688772},"14":{"tf":1.7320508075688772}}}}}}}}},"r":{"df":0,"docs":{},"e":{"a":{"df":2,"docs":{"16":{"tf":1.0},"17":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"g":{"df":0,"docs":{},"u":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"28":{"tf":1.0}}}}}}}},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"8":{"tf":1.0}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"d":{"df":3,"docs":{"21":{"tf":1.0},"24":{"tf":1.0},"45":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"a":{"df":0,"docs":{},"y":{"df":2,"docs":{"53":{"tf":1.0},"56":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"47":{"tf":1.4142135623730951}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":1,"docs":{"47":{"tf":1.0}}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}}},"o":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"24":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"m":{"df":5,"docs":{"1":{"tf":1.0},"16":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.0},"40":{"tf":1.0}},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}}}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"(":{"[":{"1":{"df":4,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"24":{"tf":1.0}}}},"t":{"a":{"c":{"df":0,"docs":{},"h":{"df":1,"docs":{"4":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}}}}}}},"v":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":1,"docs":{"46":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}},"w":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"x":{"df":0,"docs":{},"i":{"df":3,"docs":{"13":{"tf":1.0},"2":{"tf":1.4142135623730951},"54":{"tf":1.4142135623730951}}}}},"b":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}}},"a":{"c":{"df":0,"docs":{},"k":{"df":1,"docs":{"50":{"tf":1.0}},"e":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"23":{"tf":1.4142135623730951},"44":{"tf":2.23606797749979}}},"df":0,"docs":{}}},"w":{"a":{"df":0,"docs":{},"r":{"d":{"df":1,"docs":{"46":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"7":{"tf":1.0}}}}}}},"df":3,"docs":{"0":{"tf":1.4142135623730951},"5":{"tf":1.7320508075688772},"7":{"tf":4.898979485566356}}}},"n":{"d":{"df":2,"docs":{"52":{"tf":1.4142135623730951},"53":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"e":{"df":11,"docs":{"0":{"tf":1.0},"16":{"tf":2.6457513110645907},"17":{"tf":1.0},"18":{"tf":1.0},"19":{"tf":1.0},"20":{"tf":1.4142135623730951},"34":{"tf":1.0},"35":{"tf":1.0},"47":{"tf":1.4142135623730951},"50":{"tf":1.0},"6":{"tf":1.0}}},"i":{"c":{"df":1,"docs":{"0":{"tf":1.0}}},"df":1,"docs":{"6":{"tf":1.0}}}},"t":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":5,"docs":{"16":{"tf":3.1622776601683795},"17":{"tf":1.0},"18":{"tf":1.4142135623730951},"19":{"tf":1.0},"20":{"tf":2.0}}},"y":{"'":{"df":1,"docs":{"16":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}}}},"c":{"df":1,"docs":{"13":{"tf":1.0}}},"d":{"df":0,"docs":{},"f":{"df":4,"docs":{"46":{"tf":1.0},"47":{"tf":1.0},"55":{"tf":2.0},"56":{"tf":2.0}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"_":{"df":0,"docs":{},"w":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"46":{"tf":1.0},"47":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":2,"docs":{"46":{"tf":1.0},"47":{"tf":1.0}}}}},"df":0,"docs":{}}}}},"df":3,"docs":{"13":{"tf":1.4142135623730951},"14":{"tf":1.4142135623730951},"2":{"tf":3.0}},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":2,"docs":{"13":{"tf":1.4142135623730951},"50":{"tf":1.0}}}}},"df":1,"docs":{"0":{"tf":1.0}},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":4,"docs":{"0":{"tf":1.0},"46":{"tf":1.4142135623730951},"7":{"tf":1.0},"8":{"tf":1.0}}}}},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"51":{"tf":1.0}},"{":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":5,"docs":{"1":{"tf":1.0},"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}}}}},"b":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":9,"docs":{"1":{"tf":2.0},"13":{"tf":2.23606797749979},"2":{"tf":2.449489742783178},"26":{"tf":2.0},"3":{"tf":1.4142135623730951},"31":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"9":{"tf":2.23606797749979}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"h":{"a":{"df":0,"docs":{},"v":{"df":1,"docs":{"2":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":3,"docs":{"0":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.0}}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"23":{"tf":1.0},"44":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":5,"docs":{"19":{"tf":1.0},"20":{"tf":1.0},"24":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0}}}}},"n":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":6,"docs":{"51":{"tf":1.7320508075688772},"52":{"tf":1.0},"53":{"tf":1.0},"54":{"tf":1.0},"55":{"tf":1.0},"56":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"23":{"tf":1.0}}}},"t":{"a":{"df":4,"docs":{"26":{"tf":2.8284271247461903},"37":{"tf":1.4142135623730951},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":6,"docs":{"13":{"tf":1.0},"2":{"tf":1.0},"53":{"tf":1.4142135623730951},"56":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.4142135623730951}}}}}}},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"50":{"tf":1.0}}},"df":0,"docs":{}}}}},"i":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}},"i":{"df":1,"docs":{"0":{"tf":1.0}}}}}}}},"o":{"d":{"df":0,"docs":{},"i":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":2.23606797749979}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":1,"docs":{"6":{"tf":1.0}}}},"o":{"df":0,"docs":{},"k":{"df":3,"docs":{"10":{"tf":1.0},"21":{"tf":1.0},"43":{"tf":1.0}}}},"t":{"df":0,"docs":{},"h":{"df":6,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0},"46":{"tf":1.0},"53":{"tf":1.0},"55":{"tf":1.0},"8":{"tf":1.0}}}},"u":{"df":0,"docs":{},"n":{"c":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.4142135623730951},"7":{"tf":3.1622776601683795}}},"d":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":3,"docs":{"13":{"tf":1.4142135623730951},"17":{"tf":1.0},"52":{"tf":1.0}}}}},"df":2,"docs":{"53":{"tf":1.0},"56":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"k":{"df":4,"docs":{"29":{"tf":1.0},"50":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{"(":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":4,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"44":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":2,"docs":{"15":{"tf":1.0},"20":{"tf":1.0}}}}},"m":{"df":0,"docs":{},"y":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":1,"docs":{"42":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}}},"df":2,"docs":{"34":{"tf":1.0},"44":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}},"df":11,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"26":{"tf":1.0}}}}},"df":0,"docs":{}}},"t":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"46":{"tf":1.0}}}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"18":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"42":{"tf":1.0}}}}}}},"y":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"47":{"tf":1.0}}}}},"df":0,"docs":{}}}},"c":{"/":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}},"^":{"0":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"1":{"df":1,"docs":{"1":{"tf":2.23606797749979}}},"2":{"df":1,"docs":{"1":{"tf":2.23606797749979}}},"df":0,"docs":{},"e":{"df":1,"docs":{"18":{"tf":1.0}}},"i":{"(":{"df":0,"docs":{},"r":{"=":{"df":0,"docs":{},"r":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"^":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"x":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":1,"docs":{"17":{"tf":1.7320508075688772}},"}":{"df":0,"docs":{},"{":{"\\":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"n":{"df":3,"docs":{"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0}}},"p":{"df":3,"docs":{"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0}}}},"a":{"df":0,"docs":{},"l":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":7,"docs":{"16":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"22":{"tf":1.0},"45":{"tf":1.0},"53":{"tf":1.4142135623730951},"55":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":4,"docs":{"35":{"tf":1.0},"36":{"tf":1.0},"41":{"tf":2.0},"42":{"tf":2.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":12,"docs":{"1":{"tf":1.0},"10":{"tf":1.0},"2":{"tf":1.4142135623730951},"21":{"tf":1.0},"24":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"40":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.0},"53":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.4142135623730951}}}},"p":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"8":{"tf":1.0}}}},"c":{"df":1,"docs":{"24":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":2.23606797749979}}}}}}},"df":0,"docs":{}},"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":2,"docs":{"16":{"tf":1.0},"2":{"tf":1.4142135623730951}}}}}},"r":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"24":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"e":{"df":10,"docs":{"13":{"tf":1.0},"2":{"tf":1.0},"25":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.7320508075688772},"37":{"tf":1.0},"45":{"tf":1.0},"53":{"tf":1.0},"55":{"tf":1.7320508075688772},"56":{"tf":1.0}}}},"u":{"df":0,"docs":{},"s":{"df":1,"docs":{"55":{"tf":1.0}}}}},"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"17":{"tf":1.0}}}}},"df":6,"docs":{"1":{"tf":1.7320508075688772},"2":{"tf":3.0},"4":{"tf":1.7320508075688772},"54":{"tf":1.0},"56":{"tf":1.0},"9":{"tf":2.0}},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":1,"docs":{"1":{"tf":2.8284271247461903}}}},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}},"r":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"13":{"tf":1.0},"6":{"tf":2.8284271247461903}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"27":{"tf":1.0}}}}},"df":0,"docs":{}}}},"g":{">":{":":{":":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"44":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}},"e":{"(":{"&":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":8,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"44":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"h":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":9,"docs":{"0":{"tf":1.0},"1":{"tf":1.7320508075688772},"12":{"tf":1.0},"2":{"tf":2.0},"20":{"tf":1.0},"5":{"tf":1.4142135623730951},"53":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}}}},"p":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"51":{"tf":1.0}}}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"k":{"df":2,"docs":{"53":{"tf":1.0},"56":{"tf":1.0}}}},"df":0,"docs":{},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"0":{"tf":1.0}}}}}}}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":5,"docs":{"45":{"tf":1.0},"46":{"tf":1.7320508075688772},"47":{"tf":1.0},"52":{"tf":1.0},"9":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":2,"docs":{"47":{"tf":1.0},"50":{"tf":1.0}}}}}}},"i":{"df":0,"docs":{},"r":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.0}}}}}}},"df":5,"docs":{"0":{"tf":1.7320508075688772},"16":{"tf":1.7320508075688772},"18":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":2.8284271247461903}}}}}},"df":0,"docs":{}}},"l":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"22":{"tf":1.0}},"i":{"c":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":1,"docs":{"6":{"tf":2.449489742783178}},"e":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"6":{"tf":1.7320508075688772}},"e":{"/":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"56":{"tf":1.0}}}}}},"df":0,"docs":{}},"i":{"c":{"df":0,"docs":{},"k":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"55":{"tf":1.4142135623730951}}},"u":{"df":0,"docs":{},"r":{"df":4,"docs":{"2":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0},"56":{"tf":2.0}}}}}}},"o":{"d":{"df":0,"docs":{},"e":{"df":13,"docs":{"2":{"tf":1.0},"20":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0},"28":{"tf":1.0},"4":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":1.0},"44":{"tf":1.4142135623730951},"47":{"tf":1.0},"53":{"tf":1.0},"54":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":4,"docs":{"16":{"tf":1.0},"17":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":2.0}}}},"df":0,"docs":{}}}}},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"5":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"m":{"df":0,"docs":{},"n":{"df":2,"docs":{"24":{"tf":1.0},"45":{"tf":1.0}}}}}},"m":{"b":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":4,"docs":{"1":{"tf":1.0},"20":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0}}}}},"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{":":{":":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":4,"docs":{"0":{"tf":1.4142135623730951},"10":{"tf":1.0},"27":{"tf":1.0},"37":{"tf":1.0}}}}},"p":{"a":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"56":{"tf":1.0}}}},"df":2,"docs":{"51":{"tf":1.4142135623730951},"56":{"tf":1.0}},"t":{"df":1,"docs":{"6":{"tf":3.872983346207417}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772}}}}}}}},"t":{"df":1,"docs":{"53":{"tf":1.0}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":5,"docs":{"20":{"tf":1.0},"44":{"tf":1.4142135623730951},"53":{"tf":1.0},"54":{"tf":1.4142135623730951},"56":{"tf":1.0}}}},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":4,"docs":{"16":{"tf":1.0},"23":{"tf":1.0},"35":{"tf":1.0},"8":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"24":{"tf":1.0},"45":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"16":{"tf":1.0}}}}}}},"df":3,"docs":{"30":{"tf":1.0},"31":{"tf":1.4142135623730951},"35":{"tf":1.0}}}}}},"n":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":4,"docs":{"1":{"tf":2.23606797749979},"17":{"tf":1.7320508075688772},"18":{"tf":1.0},"6":{"tf":1.7320508075688772}}}}}}},"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":17,"docs":{"0":{"tf":1.0},"1":{"tf":1.4142135623730951},"13":{"tf":1.4142135623730951},"16":{"tf":1.0},"17":{"tf":1.0},"19":{"tf":1.7320508075688772},"2":{"tf":1.7320508075688772},"20":{"tf":1.7320508075688772},"27":{"tf":1.0},"36":{"tf":1.4142135623730951},"40":{"tf":1.0},"47":{"tf":1.0},"5":{"tf":1.0},"52":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"6":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"v":{"df":1,"docs":{"8":{"tf":1.0}}}}},"i":{"d":{"df":5,"docs":{"12":{"tf":1.0},"2":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":4,"docs":{"4":{"tf":1.0},"43":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}}}},"t":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":9,"docs":{"1":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"31":{"tf":1.0},"34":{"tf":1.0},"36":{"tf":1.7320508075688772},"4":{"tf":1.0},"55":{"tf":1.0}},"o":{"df":0,"docs":{},"p":{"df":6,"docs":{"34":{"tf":1.0},"36":{"tf":1.7320508075688772},"40":{"tf":1.4142135623730951},"41":{"tf":1.7320508075688772},"42":{"tf":2.0},"45":{"tf":1.0}}}}}}},"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"43":{"tf":1.0}},"t":{"df":2,"docs":{"47":{"tf":1.4142135623730951},"8":{"tf":1.0}}}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":5,"docs":{"29":{"tf":1.0},"40":{"tf":1.0},"45":{"tf":1.0},"50":{"tf":1.0},"52":{"tf":2.0}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"t":{"df":1,"docs":{"44":{"tf":1.4142135623730951}}}}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"u":{"df":7,"docs":{"0":{"tf":1.0},"13":{"tf":1.0},"29":{"tf":1.0},"5":{"tf":1.4142135623730951},"50":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":3,"docs":{"30":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":1.0}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":1,"docs":{"33":{"tf":1.0}}}},"r":{"df":0,"docs":{},"g":{"df":3,"docs":{"29":{"tf":1.0},"5":{"tf":1.0},"50":{"tf":1.4142135623730951}}},"t":{"df":4,"docs":{"0":{"tf":1.0},"13":{"tf":1.0},"14":{"tf":1.0},"4":{"tf":1.0}}}}}}},"r":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"40":{"tf":1.0}}},"df":0,"docs":{}}}}}}}},"u":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":1,"docs":{"1":{"tf":1.0}}}},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"40":{"tf":1.0}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"r":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"t":{"df":1,"docs":{"23":{"tf":1.0}},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":8,"docs":{"15":{"tf":1.4142135623730951},"2":{"tf":2.0},"20":{"tf":1.4142135623730951},"4":{"tf":1.4142135623730951},"44":{"tf":2.23606797749979},"6":{"tf":1.4142135623730951},"7":{"tf":1.4142135623730951},"9":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}}}}}}},"t":{"df":0,"docs":{},"e":{"df":6,"docs":{"0":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.4142135623730951},"24":{"tf":1.0},"46":{"tf":1.7320508075688772},"6":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":9,"docs":{"24":{"tf":2.0},"31":{"tf":1.0},"34":{"tf":1.4142135623730951},"40":{"tf":1.0},"42":{"tf":1.7320508075688772},"44":{"tf":1.7320508075688772},"45":{"tf":1.0},"46":{"tf":3.1622776601683795},"47":{"tf":1.7320508075688772}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"19":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"_":{"df":0,"docs":{},"t":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":12,"docs":{"1":{"tf":1.4142135623730951},"16":{"tf":1.0},"17":{"tf":1.4142135623730951},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":2.6457513110645907},"32":{"tf":1.0},"47":{"tf":1.7320508075688772},"5":{"tf":1.4142135623730951},"50":{"tf":1.0},"8":{"tf":1.4142135623730951},"9":{"tf":2.6457513110645907}}}}}},"v":{"df":1,"docs":{"20":{"tf":1.0}}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":12,"docs":{"23":{"tf":1.0},"33":{"tf":2.0},"34":{"tf":1.4142135623730951},"35":{"tf":2.0},"36":{"tf":1.0},"37":{"tf":1.4142135623730951},"38":{"tf":1.4142135623730951},"39":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951}}}}}}},"v":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"/":{"c":{"df":0,"docs":{},"v":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"s":{"_":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"c":{"df":0,"docs":{},"k":{"_":{"df":0,"docs":{},"k":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{".":{"c":{"df":1,"docs":{"52":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":3,"docs":{"52":{"tf":1.0},"53":{"tf":1.0},"55":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"}":{"df":0,"docs":{},"{":{"\\":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"d":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.4142135623730951}}}},"a":{"df":0,"docs":{},"e":{"df":6,"docs":{"0":{"tf":2.23606797749979},"25":{"tf":1.0},"52":{"tf":1.4142135623730951},"53":{"tf":1.0},"8":{"tf":3.605551275463989},"9":{"tf":1.0}}},"m":{"df":0,"docs":{},"p":{"df":2,"docs":{"0":{"tf":1.0},"4":{"tf":2.0}}}},"t":{"a":{"df":5,"docs":{"0":{"tf":1.0},"23":{"tf":1.0},"33":{"tf":1.0},"35":{"tf":1.0},"40":{"tf":2.0}}},"df":0,"docs":{}}},"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":2.449489742783178}}}}},"df":4,"docs":{"12":{"tf":1.4142135623730951},"14":{"tf":1.0},"15":{"tf":1.4142135623730951},"2":{"tf":3.0}},"e":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":1,"docs":{"2":{"tf":1.7320508075688772}}}}},"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"46":{"tf":1.7320508075688772}}}}}}}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"55":{"tf":1.0}}}},"df":0,"docs":{}}}},"d":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"21":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"a":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":2,"docs":{"24":{"tf":1.0},"44":{"tf":1.0}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":7,"docs":{"1":{"tf":1.7320508075688772},"18":{"tf":1.0},"35":{"tf":1.0},"40":{"tf":1.4142135623730951},"46":{"tf":2.0},"53":{"tf":2.0},"6":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":2.23606797749979}}},"y":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{}}}}}},"t":{"a":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.0}}},"n":{"df":1,"docs":{"17":{"tf":1.0}}},"p":{"df":1,"docs":{"17":{"tf":1.0}}},"t":{"df":1,"docs":{"20":{"tf":1.7320508075688772}}}},"df":1,"docs":{"5":{"tf":1.0}}},"df":0,"docs":{}}},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":4,"docs":{"10":{"tf":1.0},"35":{"tf":1.0},"56":{"tf":1.0},"9":{"tf":1.0}}}}}}}},"n":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}},"s":{"df":6,"docs":{"13":{"tf":1.0},"24":{"tf":1.4142135623730951},"43":{"tf":1.0},"52":{"tf":1.7320508075688772},"53":{"tf":1.0},"55":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":2,"docs":{"17":{"tf":1.0},"18":{"tf":1.0}}}}}}},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"d":{"df":7,"docs":{"1":{"tf":1.0},"17":{"tf":1.0},"2":{"tf":1.0},"25":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":9,"docs":{"0":{"tf":1.0},"1":{"tf":1.4142135623730951},"13":{"tf":1.4142135623730951},"14":{"tf":1.4142135623730951},"3":{"tf":2.0},"30":{"tf":1.0},"31":{"tf":1.4142135623730951},"8":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}},"s":{"c":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"b":{"df":12,"docs":{"1":{"tf":1.4142135623730951},"12":{"tf":1.0},"16":{"tf":1.4142135623730951},"2":{"tf":1.0},"20":{"tf":1.0},"3":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":1.0},"8":{"tf":2.0},"9":{"tf":1.0}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"16":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":3,"docs":{"0":{"tf":1.0},"43":{"tf":1.0},"5":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"y":{"df":1,"docs":{"40":{"tf":1.0}}}}}}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":6,"docs":{"13":{"tf":1.0},"16":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.0},"53":{"tf":1.0},"55":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":6,"docs":{"0":{"tf":1.0},"19":{"tf":1.0},"29":{"tf":1.7320508075688772},"45":{"tf":1.7320508075688772},"5":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"45":{"tf":1.0}}}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":1,"docs":{"51":{"tf":1.0}}}}}}}},"i":{"_":{"df":0,"docs":{},"l":{"/":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"a":{"df":0,"docs":{},"g":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":4,"docs":{"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"8":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"c":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"n":{"'":{"df":0,"docs":{},"t":{"df":1,"docs":{"29":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":16,"docs":{"1":{"tf":1.0},"10":{"tf":1.4142135623730951},"11":{"tf":1.4142135623730951},"12":{"tf":1.0},"13":{"tf":2.23606797749979},"16":{"tf":1.4142135623730951},"2":{"tf":2.0},"20":{"tf":1.4142135623730951},"45":{"tf":1.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.0},"5":{"tf":1.0},"53":{"tf":2.0},"55":{"tf":1.7320508075688772},"56":{"tf":1.4142135623730951},"8":{"tf":1.0}},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":7,"docs":{"0":{"tf":1.7320508075688772},"1":{"tf":1.0},"10":{"tf":1.4142135623730951},"43":{"tf":1.0},"52":{"tf":1.0},"8":{"tf":2.449489742783178},"9":{"tf":1.4142135623730951}}}}}}}},"i":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":1,"docs":{"5":{"tf":1.0}}}}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"l":{":":{":":{"<":{"df":0,"docs":{},"m":{"df":8,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"44":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":14,"docs":{"15":{"tf":1.0},"2":{"tf":1.7320508075688772},"20":{"tf":2.0},"21":{"tf":1.0},"23":{"tf":2.23606797749979},"4":{"tf":1.0},"43":{"tf":2.8284271247461903},"44":{"tf":3.1622776601683795},"53":{"tf":1.0},"54":{"tf":1.0},"56":{"tf":3.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"o":{"df":0,"docs":{},"l":{"'":{"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":1.0}}},":":{":":{"b":{"d":{"df":0,"docs":{},"f":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"f":{"a":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":1,"docs":{"46":{"tf":1.0}}}},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":1,"docs":{"46":{"tf":1.0}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"n":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"44":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":1,"docs":{"46":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"o":{"d":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"df":12,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"42":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{},"p":{"df":1,"docs":{"35":{"tf":1.4142135623730951}}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":1,"docs":{"46":{"tf":1.0}}}}}},"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":2,"docs":{"24":{"tf":1.4142135623730951},"45":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"{":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"s":{"df":0,"docs":{},"l":{"df":1,"docs":{"44":{"tf":1.4142135623730951}}}}}}}},"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"df":1,"docs":{"44":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":1,"docs":{"45":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"d":{"df":4,"docs":{"29":{"tf":1.0},"32":{"tf":1.4142135623730951},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}}}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"46":{"tf":1.0},"47":{"tf":1.0}}}}}}}}}}}},"df":0,"docs":{},"p":{"df":4,"docs":{"36":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":47,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":1.4142135623730951},"10":{"tf":1.7320508075688772},"13":{"tf":1.0},"14":{"tf":1.0},"15":{"tf":1.7320508075688772},"19":{"tf":1.0},"2":{"tf":1.7320508075688772},"20":{"tf":2.0},"21":{"tf":2.23606797749979},"22":{"tf":1.4142135623730951},"23":{"tf":2.0},"24":{"tf":1.0},"25":{"tf":1.4142135623730951},"26":{"tf":1.7320508075688772},"27":{"tf":1.0},"28":{"tf":1.4142135623730951},"29":{"tf":1.0},"3":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":1.0},"4":{"tf":1.4142135623730951},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":2.0},"44":{"tf":1.4142135623730951},"45":{"tf":2.23606797749979},"49":{"tf":1.0},"5":{"tf":2.0},"51":{"tf":1.0},"52":{"tf":2.0},"53":{"tf":3.0},"54":{"tf":1.0},"55":{"tf":2.449489742783178},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"8":{"tf":1.7320508075688772},"9":{"tf":1.4142135623730951}}}}},"u":{"df":0,"docs":{},"s":{"df":6,"docs":{"12":{"tf":1.0},"16":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"52":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.0}}}}}},"l":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":2,"docs":{"12":{"tf":1.0},"52":{"tf":1.4142135623730951}}}}}},"r":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"4":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"46":{"tf":1.4142135623730951},"55":{"tf":1.0}}}}}},"df":0,"docs":{}},"i":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"s":{"c":{"df":0,"docs":{},"h":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"g":{"df":1,"docs":{"20":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"u":{"df":1,"docs":{"5":{"tf":1.4142135623730951}}}}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"55":{"tf":1.0}}},"t":{"df":7,"docs":{"0":{"tf":2.23606797749979},"10":{"tf":1.4142135623730951},"12":{"tf":1.0},"13":{"tf":1.0},"5":{"tf":3.4641016151377544},"6":{"tf":1.0},"7":{"tf":1.4142135623730951}},"i":{"df":0,"docs":{},"s":{"df":5,"docs":{"10":{"tf":1.0},"11":{"tf":1.0},"13":{"tf":2.0},"20":{"tf":1.0},"25":{"tf":1.0}}}}}}},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"30":{"tf":1.0},"55":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"1":{"tf":1.0}}}},"df":0,"docs":{}},"h":{"df":1,"docs":{"1":{"tf":1.7320508075688772}}},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":1,"docs":{"4":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}}}},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"26":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":5,"docs":{"13":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.0},"23":{"tf":1.0},"43":{"tf":1.0}}}}},"df":0,"docs":{}},"n":{"'":{"df":0,"docs":{},"t":{"df":1,"docs":{"47":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":4,"docs":{"24":{"tf":1.0},"28":{"tf":1.0},"34":{"tf":1.0},"35":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"6":{"tf":3.605551275463989}},"s":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"k":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"(":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"[":{"0":{"]":{".":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"w":{"df":0,"docs":{},"n":{"df":4,"docs":{"1":{"tf":1.0},"20":{"tf":1.0},"56":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"o":{"df":0,"docs":{},"p":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}}},"u":{"df":0,"docs":{},"g":{"df":3,"docs":{"0":{"tf":1.7320508075688772},"5":{"tf":1.7320508075688772},"6":{"tf":4.242640687119285}}}}},"s":{"df":0,"docs":{},"l":{"df":3,"docs":{"21":{"tf":1.4142135623730951},"23":{"tf":1.0},"43":{"tf":1.0}}}},"u":{"d":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"e":{"df":5,"docs":{"3":{"tf":1.0},"45":{"tf":1.0},"55":{"tf":2.0},"56":{"tf":1.0},"7":{"tf":1.0}}},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":2,"docs":{"45":{"tf":1.0},"52":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"e":{"df":4,"docs":{"20":{"tf":1.4142135623730951},"29":{"tf":1.7320508075688772},"40":{"tf":1.0},"5":{"tf":1.0}}}}},"v":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"1":{"df":9,"docs":{"24":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"26":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":2,"docs":{"24":{"tf":1.0},"26":{"tf":1.0}}}}}},"df":0,"docs":{}}},"y":{"/":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"24":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":4,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"2":{"tf":2.449489742783178},"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{".":{"df":0,"docs":{},"g":{"df":1,"docs":{"40":{"tf":1.0}}}},"a":{"c":{"df":0,"docs":{},"h":{"df":19,"docs":{"13":{"tf":1.0},"14":{"tf":1.0},"17":{"tf":1.0},"2":{"tf":1.4142135623730951},"24":{"tf":1.0},"32":{"tf":1.0},"34":{"tf":1.7320508075688772},"45":{"tf":1.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.7320508075688772},"48":{"tf":1.0},"5":{"tf":1.4142135623730951},"52":{"tf":1.4142135623730951},"53":{"tf":1.0},"54":{"tf":1.0},"55":{"tf":1.0},"56":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"21":{"tf":1.0},"46":{"tf":1.0}}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"23":{"tf":1.0},"49":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"21":{"tf":1.0},"56":{"tf":1.0}}}}}}},"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"y":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":2,"docs":{"11":{"tf":1.0},"2":{"tf":1.4142135623730951}}}}}}}}}},"df":3,"docs":{"29":{"tf":1.0},"50":{"tf":1.0},"7":{"tf":2.23606797749979}},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.0},"6":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"df":0,"docs":{}},"i":{"c":{"a":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"i":{"df":5,"docs":{"16":{"tf":1.0},"20":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0},"50":{"tf":1.0}}}},"df":0,"docs":{}}}},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":4,"docs":{"0":{"tf":1.4142135623730951},"16":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.7320508075688772}},"o":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":1,"docs":{"16":{"tf":1.4142135623730951}}}}}},"d":{"df":3,"docs":{"16":{"tf":2.23606797749979},"17":{"tf":2.6457513110645907},"18":{"tf":1.0}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"y":{"df":0,"docs":{},"t":{"df":1,"docs":{"18":{"tf":1.0}}}}}}}}},"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":5,"docs":{"10":{"tf":1.0},"11":{"tf":1.7320508075688772},"13":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951},"45":{"tf":2.23606797749979}}}}}}}},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"35":{"tf":1.0}}}}}},"n":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"c":{"df":0,"docs":{},"o":{"d":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}}},"d":{"df":0,"docs":{},"{":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":5,"docs":{"1":{"tf":1.0},"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}}}}},"b":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":9,"docs":{"1":{"tf":2.0},"13":{"tf":2.23606797749979},"2":{"tf":2.449489742783178},"26":{"tf":2.0},"3":{"tf":1.4142135623730951},"31":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"9":{"tf":2.23606797749979}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":3,"docs":{"40":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":4,"docs":{"38":{"tf":1.0},"39":{"tf":1.0},"41":{"tf":1.0},"53":{"tf":1.0}}}},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"8":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"m":{"df":2,"docs":{"29":{"tf":1.0},"50":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}}}},"q":{"df":0,"docs":{},"n":{"df":8,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"44":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"u":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"27":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}},"t":{"df":33,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":2.449489742783178},"10":{"tf":1.4142135623730951},"12":{"tf":2.6457513110645907},"13":{"tf":2.8284271247461903},"14":{"tf":1.7320508075688772},"15":{"tf":1.4142135623730951},"16":{"tf":1.0},"17":{"tf":1.4142135623730951},"18":{"tf":1.0},"2":{"tf":2.23606797749979},"20":{"tf":2.449489742783178},"22":{"tf":1.7320508075688772},"24":{"tf":2.23606797749979},"26":{"tf":1.4142135623730951},"27":{"tf":1.0},"3":{"tf":1.4142135623730951},"31":{"tf":2.23606797749979},"34":{"tf":1.0},"35":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.0},"4":{"tf":1.0},"41":{"tf":1.0},"43":{"tf":1.4142135623730951},"45":{"tf":2.0},"47":{"tf":1.0},"49":{"tf":1.0},"52":{"tf":2.23606797749979},"56":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"8":{"tf":4.0},"9":{"tf":2.6457513110645907}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"15":{"tf":1.0}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"16":{"tf":1.0},"53":{"tf":1.0}}}},"df":0,"docs":{}}}}},"r":{"df":0,"docs":{},"r":{"(":{"_":{"df":3,"docs":{"20":{"tf":1.0},"50":{"tf":1.0},"7":{"tf":1.0}}},"df":2,"docs":{"29":{"tf":1.0},"50":{"tf":1.0}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":4,"docs":{"20":{"tf":1.0},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0}}}}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"3":{"4":{"df":1,"docs":{"46":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"46":{"tf":1.0}}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"30":{"tf":1.0}}}}}},"t":{"a":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.4142135623730951}}},"n":{"df":1,"docs":{"18":{"tf":1.0}}},"p":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}},"c":{"df":1,"docs":{"54":{"tf":1.0}}},"df":0,"docs":{}},"v":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":3,"docs":{"23":{"tf":1.0},"33":{"tf":1.0},"35":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":4,"docs":{"0":{"tf":2.6457513110645907},"5":{"tf":3.872983346207417},"6":{"tf":1.0},"7":{"tf":2.6457513110645907}}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.0},"5":{"tf":1.0},"9":{"tf":1.0}}}}}}},"x":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":32,"docs":{"0":{"tf":3.3166247903554},"1":{"tf":1.7320508075688772},"10":{"tf":1.0},"12":{"tf":2.0},"13":{"tf":1.4142135623730951},"14":{"tf":1.0},"15":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"19":{"tf":1.0},"2":{"tf":2.0},"20":{"tf":1.0},"21":{"tf":1.0},"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"3":{"tf":1.7320508075688772},"31":{"tf":1.0},"4":{"tf":1.7320508075688772},"40":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.0},"5":{"tf":1.4142135623730951},"52":{"tf":2.449489742783178},"53":{"tf":2.0},"56":{"tf":1.0},"6":{"tf":2.449489742783178},"7":{"tf":2.0},"8":{"tf":1.4142135623730951},"9":{"tf":1.7320508075688772}}}}}},"c":{"df":0,"docs":{},"e":{"df":1,"docs":{"19":{"tf":1.0}},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"54":{"tf":1.0}}}}},"h":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":1,"docs":{"18":{"tf":1.0}}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"44":{"tf":1.0}}}}},"df":0,"docs":{}},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"55":{"tf":1.0}}}},"df":0,"docs":{}},"l":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"0":{"tf":1.0},"21":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":3,"docs":{"1":{"tf":2.6457513110645907},"2":{"tf":1.0},"8":{"tf":2.449489742783178}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"24":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}}}}}}}}},"f":{"'":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"26":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"i":{"df":3,"docs":{"24":{"tf":1.7320508075688772},"35":{"tf":1.0},"45":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"26":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"i":{"df":2,"docs":{"24":{"tf":1.7320508075688772},"35":{"tf":1.0}}},"t":{"df":3,"docs":{"22":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0}}}},"6":{"4":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{":":{":":{"<":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":6,"docs":{"35":{"tf":1.7320508075688772},"36":{"tf":1.0},"37":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":6,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"a":{"c":{"df":0,"docs":{},"e":{"df":1,"docs":{"21":{"tf":1.0}}},"t":{"df":3,"docs":{"45":{"tf":1.0},"55":{"tf":1.0},"56":{"tf":1.0}},"o":{"df":0,"docs":{},"r":{"df":2,"docs":{"53":{"tf":1.0},"55":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":1,"docs":{"24":{"tf":1.0}}}},"df":0,"docs":{},"l":{"<":{"df":0,"docs":{},"t":{"df":1,"docs":{"24":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"t":{"df":1,"docs":{"24":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"t":{"df":2,"docs":{"24":{"tf":1.0},"45":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":4,"docs":{"20":{"tf":1.0},"24":{"tf":1.0},"46":{"tf":1.4142135623730951},"52":{"tf":1.7320508075688772}},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":2,"docs":{"15":{"tf":1.0},"20":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":2,"docs":{"15":{"tf":1.0},"20":{"tf":1.0}}}}}}}},"df":0,"docs":{}}}}},"i":{"df":0,"docs":{},"l":{"df":4,"docs":{"29":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":1.0},"50":{"tf":1.7320508075688772}}}},"l":{"df":0,"docs":{},"l":{"df":2,"docs":{"19":{"tf":1.0},"7":{"tf":1.0}}},"s":{"df":1,"docs":{"20":{"tf":1.0}}}},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}}}},"r":{"a":{"d":{"a":{"df":0,"docs":{},"y":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"3":{"tf":1.0},"38":{"tf":1.0},"43":{"tf":1.0}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":4,"docs":{"23":{"tf":1.0},"44":{"tf":1.0},"55":{"tf":1.0},"56":{"tf":1.0}}}}}}},"d":{"df":2,"docs":{"13":{"tf":1.0},"14":{"tf":1.0}},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":1,"docs":{"11":{"tf":1.0}}}}}},"df":5,"docs":{"17":{"tf":1.7320508075688772},"18":{"tf":1.0},"24":{"tf":1.0},"26":{"tf":1.7320508075688772},"44":{"tf":1.4142135623730951}},"e":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":5,"docs":{"2":{"tf":1.0},"23":{"tf":1.0},"43":{"tf":1.0},"44":{"tf":1.4142135623730951},"7":{"tf":1.0}}}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"11":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"w":{"df":3,"docs":{"11":{"tf":1.0},"49":{"tf":1.0},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"d":{"df":2,"docs":{"32":{"tf":1.0},"6":{"tf":1.0}}},"df":0,"docs":{}}},"g":{"df":1,"docs":{"6":{"tf":1.7320508075688772}},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"e":{"df":9,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":2.0},"4":{"tf":1.0},"52":{"tf":2.0},"53":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"0":{"tf":1.0},"9":{"tf":1.7320508075688772}}}}}},"n":{"a":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"20":{"tf":1.4142135623730951},"7":{"tf":1.0}}}}}},"df":6,"docs":{"13":{"tf":1.0},"20":{"tf":1.4142135623730951},"34":{"tf":1.0},"49":{"tf":1.0},"53":{"tf":1.0},"7":{"tf":1.0}}}},"d":{"df":8,"docs":{"1":{"tf":1.0},"19":{"tf":1.0},"22":{"tf":1.0},"27":{"tf":2.23606797749979},"28":{"tf":2.449489742783178},"29":{"tf":1.0},"5":{"tf":1.0},"50":{"tf":1.0}}},"df":0,"docs":{},"e":{"df":1,"docs":{"43":{"tf":1.0}}},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":1,"docs":{"20":{"tf":2.0}}}},"t":{"df":5,"docs":{"10":{"tf":2.0},"11":{"tf":2.449489742783178},"12":{"tf":1.0},"13":{"tf":2.23606797749979},"53":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"i":{"df":1,"docs":{"11":{"tf":1.0}}}},"r":{"df":0,"docs":{},"e":{"d":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"k":{"df":1,"docs":{"11":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"df":8,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":3.3166247903554},"2":{"tf":2.23606797749979},"3":{"tf":2.23606797749979},"35":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":1.4142135623730951}}}}},"t":{"df":1,"docs":{"23":{"tf":1.0}}}},"l":{"a":{"df":0,"docs":{},"g":{"df":2,"docs":{"23":{"tf":1.0},"44":{"tf":1.4142135623730951}}},"v":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"10":{"tf":1.0}}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"b":{"df":0,"docs":{},"l":{"df":3,"docs":{"21":{"tf":1.0},"23":{"tf":1.0},"5":{"tf":1.0}}}},"df":0,"docs":{}}}},"o":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.0}}}},"df":0,"docs":{},"w":{"df":3,"docs":{"45":{"tf":1.0},"8":{"tf":1.4142135623730951},"9":{"tf":1.7320508075688772}}}},"u":{"df":0,"docs":{},"x":{"df":1,"docs":{"17":{"tf":1.0}}}}},"n":{"df":25,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"35":{"tf":3.605551275463989},"36":{"tf":2.23606797749979},"37":{"tf":2.449489742783178},"4":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":5.5677643628300215},"42":{"tf":5.5677643628300215},"44":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"o":{"c":{"df":0,"docs":{},"u":{"df":3,"docs":{"43":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0}},"s":{"df":2,"docs":{"38":{"tf":1.0},"51":{"tf":1.0}}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":10,"docs":{"17":{"tf":1.0},"19":{"tf":1.0},"24":{"tf":1.0},"28":{"tf":1.0},"4":{"tf":1.0},"49":{"tf":1.0},"54":{"tf":1.0},"6":{"tf":1.4142135623730951},"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"o":{"d":{"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"b":{"df":4,"docs":{"52":{"tf":1.0},"53":{"tf":1.7320508075688772},"55":{"tf":1.4142135623730951},"56":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"f":{"df":1,"docs":{"45":{"tf":1.0}}}}}}}}},"r":{"c":{"df":2,"docs":{"4":{"tf":1.7320508075688772},"9":{"tf":1.0}}},"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":2,"docs":{"13":{"tf":1.0},"45":{"tf":1.0}}}},"df":15,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":2.0},"11":{"tf":1.0},"13":{"tf":1.0},"2":{"tf":1.4142135623730951},"22":{"tf":1.0},"25":{"tf":1.0},"26":{"tf":1.0},"3":{"tf":1.0},"44":{"tf":1.0},"52":{"tf":1.0},"6":{"tf":1.4142135623730951},"7":{"tf":1.0},"8":{"tf":2.449489742783178},"9":{"tf":1.0}},"u":{"df":0,"docs":{},"l":{"a":{"df":1,"docs":{"46":{"tf":1.0}}},"df":0,"docs":{}}}},"w":{"a":{"df":0,"docs":{},"r":{"d":{"df":6,"docs":{"1":{"tf":1.0},"30":{"tf":2.23606797749979},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"49":{"tf":1.0},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"29":{"tf":1.0},"53":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"a":{"c":{"df":1,"docs":{"17":{"tf":1.0}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"17":{"tf":1.0}}}}}},"{":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"h":{"^":{"2":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"2":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"f":{"df":1,"docs":{"18":{"tf":1.0}}}}}}}},"\\":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"^":{"2":{"df":2,"docs":{"12":{"tf":1.0},"13":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":2,"docs":{"12":{"tf":1.0},"17":{"tf":1.0}}}}}},"df":0,"docs":{}}},"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"d":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"y":{"df":0,"docs":{},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":7,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0},"3":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"^":{"2":{"df":1,"docs":{"14":{"tf":1.0}},"x":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"^":{"2":{"df":3,"docs":{"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"c":{"_":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"2":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"i":{"_":{"df":0,"docs":{},"l":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"q":{"_":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"{":{"df":0,"docs":{},"p":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"u":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"14":{"tf":1.0}}}},"df":0,"docs":{}}}},"v":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":4,"docs":{"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"x":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":4,"docs":{"2":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"4":{"tf":1.7320508075688772},"7":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"y":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"k":{"df":1,"docs":{"31":{"tf":1.0}}},"r":{"df":1,"docs":{"31":{"tf":1.0}}},"t":{"df":8,"docs":{"2":{"tf":1.4142135623730951},"22":{"tf":1.0},"24":{"tf":1.0},"25":{"tf":1.0},"26":{"tf":1.4142135623730951},"28":{"tf":1.0},"31":{"tf":1.0},"35":{"tf":1.0}}}},"df":0,"docs":{}}}},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"h":{"^":{"2":{"df":1,"docs":{"14":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"g":{"(":{"1":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"i":{"_":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"c":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"a":{"_":{"df":0,"docs":{},"n":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"j":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}},"k":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"q":{"_":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"v":{"_":{"c":{"df":1,"docs":{"6":{"tf":2.449489742783178}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"{":{"df":0,"docs":{},"p":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"v":{"_":{"df":0,"docs":{},"{":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":2.0}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"u":{"(":{"df":0,"docs":{},"x":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{}},"v":{"_":{"df":1,"docs":{"9":{"tf":1.4142135623730951}},"{":{"df":0,"docs":{},"i":{"+":{"1":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"x":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"y":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}}}},"s":{":":{":":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{"\"":{".":{".":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"r":{"c":{"/":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"/":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"/":{"b":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"20":{"tf":1.0}}}}}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"r":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}},"df":0,"docs":{}}}},"h":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"15":{"tf":1.0}}}},"df":0,"docs":{}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}},"s":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":3,"docs":{"26":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0}}}},"n":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":21,"docs":{"1":{"tf":1.4142135623730951},"22":{"tf":1.4142135623730951},"23":{"tf":2.0},"24":{"tf":1.7320508075688772},"26":{"tf":1.4142135623730951},"28":{"tf":2.8284271247461903},"33":{"tf":1.0},"34":{"tf":2.449489742783178},"35":{"tf":2.8284271247461903},"36":{"tf":2.0},"37":{"tf":1.7320508075688772},"40":{"tf":2.23606797749979},"45":{"tf":2.23606797749979},"49":{"tf":1.4142135623730951},"5":{"tf":1.0},"53":{"tf":3.0},"55":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":2.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}}}}}},"d":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"50":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"}":{"df":0,"docs":{},"{":{"2":{"df":0,"docs":{},"i":{"_":{"df":0,"docs":{},"{":{"0":{",":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"g":{"(":{"0":{")":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"h":{"^":{"2":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":1,"docs":{"13":{"tf":1.7320508075688772}}},"1":{"df":1,"docs":{"13":{"tf":1.7320508075688772}}},"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"t":{"df":1,"docs":{"22":{"tf":1.7320508075688772}}},"x":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":3,"docs":{"15":{"tf":2.449489742783178},"3":{"tf":2.0},"7":{"tf":2.449489742783178}},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"v":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":3,"docs":{"37":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":1,"docs":{"26":{"tf":1.0}}}},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":2,"docs":{"0":{"tf":1.0},"8":{"tf":1.0}}}}}},"df":14,"docs":{"1":{"tf":1.4142135623730951},"10":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.7320508075688772},"24":{"tf":1.0},"26":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"53":{"tf":1.7320508075688772},"54":{"tf":1.0},"55":{"tf":1.4142135623730951},"8":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}},"t":{"df":1,"docs":{"40":{"tf":1.4142135623730951}}}},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":3,"docs":{"10":{"tf":1.0},"13":{"tf":1.0},"26":{"tf":1.0}},"n":{"df":7,"docs":{"1":{"tf":1.0},"13":{"tf":1.7320508075688772},"17":{"tf":1.0},"18":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":2.0},"9":{"tf":1.7320508075688772}}}}}},"o":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"34":{"tf":1.0},"35":{"tf":1.0},"51":{"tf":1.0}}}},"df":3,"docs":{"13":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":2,"docs":{"16":{"tf":1.0},"2":{"tf":1.4142135623730951}}}}}}},"r":{"a":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":4,"docs":{"24":{"tf":1.0},"31":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.0}}}}}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"h":{"df":1,"docs":{"54":{"tf":1.0}}}},"v":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":2,"docs":{"3":{"tf":1.4142135623730951},"7":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"d":{"a":{"df":0,"docs":{},"p":{".":{"df":0,"docs":{},"j":{"df":0,"docs":{},"l":{"df":1,"docs":{"11":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":1,"docs":{"52":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"d":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.0},"7":{"tf":2.8284271247461903}}},"df":0,"docs":{}}},"w":{"df":3,"docs":{"1":{"tf":1.4142135623730951},"13":{"tf":1.0},"2":{"tf":1.0}},"t":{"df":0,"docs":{},"h":{"df":4,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":2.23606797749979},"24":{"tf":1.0},"31":{"tf":1.7320508075688772}}}}}}},"u":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}}}}}},"h":{")":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"h":{"^":{"2":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}}},"n":{"d":{"df":9,"docs":{"16":{"tf":1.0},"22":{"tf":1.0},"26":{"tf":1.0},"31":{"tf":1.4142135623730951},"33":{"tf":1.0},"4":{"tf":1.0},"40":{"tf":1.4142135623730951},"53":{"tf":1.4142135623730951},"56":{"tf":1.0}},"l":{"df":4,"docs":{"0":{"tf":1.0},"25":{"tf":1.0},"5":{"tf":1.7320508075688772},"7":{"tf":1.0}}}},"df":0,"docs":{}},"v":{"df":0,"docs":{},"e":{"df":1,"docs":{"23":{"tf":1.0}}}}},"df":4,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":2.0}},"e":{"a":{"df":0,"docs":{},"t":{"2":{"d":{"df":3,"docs":{"52":{"tf":1.0},"53":{"tf":1.7320508075688772},"55":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}}},"df":5,"docs":{"12":{"tf":2.449489742783178},"13":{"tf":1.4142135623730951},"14":{"tf":1.7320508075688772},"15":{"tf":1.0},"52":{"tf":1.0}}},"v":{"df":0,"docs":{},"i":{"df":1,"docs":{"53":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}}}}},"l":{"df":0,"docs":{},"p":{"df":1,"docs":{"11":{"tf":1.0}}}},"r":{"df":0,"docs":{},"e":{"df":6,"docs":{"0":{"tf":1.0},"11":{"tf":1.0},"13":{"tf":1.4142135623730951},"16":{"tf":1.0},"28":{"tf":1.0},"6":{"tf":1.0}}}}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":3,"docs":{"49":{"tf":1.0},"56":{"tf":1.0},"9":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{"df":5,"docs":{"0":{"tf":2.0},"23":{"tf":1.0},"3":{"tf":2.6457513110645907},"4":{"tf":1.0},"43":{"tf":1.0}}},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"3":{"tf":1.0}}}}}}},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"42":{"tf":1.0}}}},"t":{"df":2,"docs":{"0":{"tf":1.0},"7":{"tf":2.449489742783178}}}},"o":{"df":0,"docs":{},"l":{"d":{"df":6,"docs":{"13":{"tf":1.0},"2":{"tf":1.0},"33":{"tf":1.0},"35":{"tf":1.0},"47":{"tf":1.0},"5":{"tf":1.0}}},"df":0,"docs":{}},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":2,"docs":{"13":{"tf":1.0},"6":{"tf":1.0}}}}}}},"t":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"i":{".":{"df":5,"docs":{"24":{"tf":1.0},"31":{"tf":1.0},"45":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}},"=":{"df":0,"docs":{},"n":{"df":1,"docs":{"17":{"tf":1.0}}},"p":{"df":1,"docs":{"17":{"tf":1.0}}}},"_":{"c":{"df":1,"docs":{"9":{"tf":2.0}}},"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}},"r":{"df":1,"docs":{"9":{"tf":2.449489742783178}}},"{":{"0":{",":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"c":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}},"d":{"a":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"/":{"df":0,"docs":{},"i":{"d":{"a":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"b":{"_":{"b":{"df":0,"docs":{},"n":{"d":{".":{"c":{"df":1,"docs":{"52":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"h":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"2":{"d":{"_":{"df":0,"docs":{},"k":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{".":{"c":{"df":1,"docs":{"52":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"s":{"_":{"d":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{".":{"c":{"df":1,"docs":{"52":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":3,"docs":{"52":{"tf":1.7320508075688772},"53":{"tf":1.0},"55":{"tf":1.4142135623730951}}},"df":0,"docs":{},"e":{"a":{"df":1,"docs":{"10":{"tf":1.0}},"l":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":4,"docs":{"22":{"tf":1.0},"25":{"tf":1.0},"53":{"tf":1.0},"8":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":1,"docs":{"45":{"tf":1.0}}}}},"l":{"df":1,"docs":{"9":{"tf":1.4142135623730951}},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":5,"docs":{"0":{"tf":1.0},"2":{"tf":1.0},"26":{"tf":1.0},"35":{"tf":1.0},"45":{"tf":1.0}}}}}}}},"m":{"a":{"df":0,"docs":{},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"32":{"tf":1.0},"41":{"tf":1.0}}}}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"<":{"'":{"a":{"df":3,"docs":{"35":{"tf":1.4142135623730951},"41":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":5,"docs":{"35":{"tf":2.0},"36":{"tf":1.4142135623730951},"37":{"tf":1.7320508075688772},"41":{"tf":3.605551275463989},"42":{"tf":3.605551275463989}},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":21,"docs":{"10":{"tf":1.0},"15":{"tf":1.4142135623730951},"23":{"tf":1.0},"34":{"tf":2.6457513110645907},"35":{"tf":2.23606797749979},"36":{"tf":1.4142135623730951},"37":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"40":{"tf":3.1622776601683795},"41":{"tf":2.8284271247461903},"42":{"tf":2.449489742783178},"45":{"tf":1.0},"47":{"tf":1.0},"48":{"tf":1.0},"51":{"tf":1.0},"52":{"tf":1.0},"53":{"tf":3.1622776601683795},"54":{"tf":1.7320508075688772},"55":{"tf":2.8284271247461903},"56":{"tf":2.6457513110645907},"7":{"tf":1.0}}}}}}},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"46":{"tf":1.0},"8":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"22":{"tf":1.4142135623730951},"53":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":3,"docs":{"1":{"tf":1.0},"10":{"tf":1.0},"2":{"tf":1.0}}}},"s":{"df":1,"docs":{"52":{"tf":1.0}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"v":{"df":1,"docs":{"55":{"tf":1.7320508075688772}}}}}}},"n":{"a":{"c":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"5":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"c":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"d":{"df":9,"docs":{"0":{"tf":1.0},"10":{"tf":1.0},"25":{"tf":1.0},"31":{"tf":1.0},"37":{"tf":1.0},"42":{"tf":1.0},"54":{"tf":1.7320508075688772},"7":{"tf":1.0},"8":{"tf":2.0}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"47":{"tf":1.0}}},"df":0,"docs":{}}}},"x":{"df":4,"docs":{"45":{"tf":1.0},"53":{"tf":1.4142135623730951},"56":{"tf":1.0},"8":{"tf":1.0}}}},"i":{"c":{"df":2,"docs":{"4":{"tf":1.0},"50":{"tf":1.0}}},"df":0,"docs":{},"v":{"df":0,"docs":{},"i":{"d":{"df":0,"docs":{},"u":{"df":1,"docs":{"38":{"tf":1.0}}}},"df":0,"docs":{}}}},"u":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"1":{"tf":1.0}}}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"3":{"tf":1.0}}},"df":0,"docs":{}}}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":3,"docs":{"1":{"tf":1.0},"47":{"tf":1.0},"5":{"tf":1.4142135623730951}}}}}},"i":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{},"|":{"_":{"df":0,"docs":{},"p":{"df":7,"docs":{"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":2,"docs":{"31":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951}}}}}},"df":5,"docs":{"24":{"tf":1.4142135623730951},"34":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"45":{"tf":1.4142135623730951}},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":3,"docs":{"46":{"tf":1.4142135623730951},"47":{"tf":2.23606797749979},"50":{"tf":1.0}}}}}},"df":15,"docs":{"1":{"tf":1.4142135623730951},"17":{"tf":1.0},"2":{"tf":2.0},"20":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":2.449489742783178},"31":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"40":{"tf":1.0},"46":{"tf":1.0},"47":{"tf":1.7320508075688772},"49":{"tf":2.449489742783178},"6":{"tf":1.4142135623730951},"7":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"45":{"tf":1.0},"52":{"tf":1.7320508075688772},"6":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"44":{"tf":1.0}}},"n":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"a":{"d":{"df":5,"docs":{"0":{"tf":1.0},"26":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"g":{"df":0,"docs":{},"r":{"df":4,"docs":{"1":{"tf":1.0},"49":{"tf":1.0},"5":{"tf":2.0},"7":{"tf":1.0}}}},"r":{"a":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}}},"f":{"a":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"13":{"tf":1.0}}}}},"n":{"df":5,"docs":{"32":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.0},"5":{"tf":1.7320508075688772},"50":{"tf":1.0}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"32":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":1,"docs":{"50":{"tf":1.4142135623730951}}}}},"v":{"df":2,"docs":{"20":{"tf":1.0},"6":{"tf":1.0}}}}},"r":{"a":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"u":{"c":{"df":6,"docs":{"0":{"tf":1.0},"2":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}},"t":{"df":1,"docs":{"5":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}}}}},"v":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":5,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"3":{"tf":1.7320508075688772},"5":{"tf":1.0},"8":{"tf":1.0}}}}}}},"o":{"df":0,"docs":{},"n":{"df":3,"docs":{"16":{"tf":1.7320508075688772},"17":{"tf":2.0},"18":{"tf":1.0}}}},"r":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":1,"docs":{"9":{"tf":2.449489742783178}}},"t":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"45":{"tf":1.0},"6":{"tf":1.0}}}}}}},"}":{"df":0,"docs":{},"{":{"a":{"_":{"df":0,"docs":{},"p":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"j":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.7320508075688772}}},"n":{"df":1,"docs":{"17":{"tf":1.0}}},"p":{"df":2,"docs":{"17":{"tf":1.0},"31":{"tf":1.4142135623730951}}},"{":{"df":0,"docs":{},"y":{"_":{"0":{"df":1,"docs":{"31":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"a":{"c":{"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":1,"docs":{"35":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"n":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.0}}}}},"df":0,"docs":{}}}}}}}}},"df":8,"docs":{"24":{"tf":1.0},"26":{"tf":1.4142135623730951},"31":{"tf":1.0},"33":{"tf":1.0},"35":{"tf":1.4142135623730951},"45":{"tf":3.7416573867739413},"53":{"tf":3.0},"55":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":2,"docs":{"31":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951}},"i":{"df":0,"docs":{},"t":{"df":3,"docs":{"44":{"tf":1.0},"54":{"tf":1.0},"56":{"tf":1.0}}}},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"a":{"df":1,"docs":{"11":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}},"k":{"/":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}},"^":{"2":{"df":1,"docs":{"31":{"tf":1.0}}},"df":0,"docs":{}},"_":{"1":{"df":1,"docs":{"1":{"tf":1.7320508075688772}}},"2":{"df":1,"docs":{"1":{"tf":1.7320508075688772}}},"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.4142135623730951}}}},"df":6,"docs":{"1":{"tf":1.4142135623730951},"24":{"tf":1.0},"31":{"tf":1.4142135623730951},"4":{"tf":1.7320508075688772},"44":{"tf":2.449489742783178},"6":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":2,"docs":{"18":{"tf":1.0},"6":{"tf":1.0}}}}},"r":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"'":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}},"l":{"df":0,"docs":{},"u":{"df":2,"docs":{"52":{"tf":2.23606797749979},"53":{"tf":1.0}}}},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":1,"docs":{"20":{"tf":1.0}}}},"o":{"df":0,"docs":{},"w":{"df":3,"docs":{"1":{"tf":1.4142135623730951},"11":{"tf":1.0},"28":{"tf":1.0}},"n":{"df":2,"docs":{"13":{"tf":1.4142135623730951},"16":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"t":{"df":0,"docs":{},"t":{"a":{"df":1,"docs":{"46":{"tf":1.0}}},"df":0,"docs":{}}}}},"l":{"a":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"51":{"tf":1.0}}}}}}},"df":0,"docs":{}}}},"c":{"df":0,"docs":{},"k":{"df":1,"docs":{"16":{"tf":1.0}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"g":{"df":9,"docs":{"11":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.0},"23":{"tf":1.4142135623730951},"43":{"tf":1.7320508075688772},"53":{"tf":1.0},"56":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"g":{"df":4,"docs":{"10":{"tf":1.0},"21":{"tf":1.0},"45":{"tf":1.0},"55":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"55":{"tf":1.7320508075688772},"56":{"tf":1.4142135623730951}}}}}},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"28":{"tf":1.0}}}},"w":{"df":2,"docs":{"8":{"tf":1.0},"9":{"tf":1.4142135623730951}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"51":{"tf":1.0}}},"df":0,"docs":{}}}}},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{":":{":":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"{":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":7,"docs":{"15":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":1,"docs":{"9":{"tf":2.0}},"e":{"a":{"d":{"df":1,"docs":{"25":{"tf":1.0}}},"df":0,"docs":{},"v":{"df":1,"docs":{"24":{"tf":1.0}}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"t":{".":{"\\":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"a":{"c":{"df":0,"docs":{},"{":{"\\":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"c":{"\\":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"\\":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"{":{"df":0,"docs":{},"t":{"=":{"0":{"df":1,"docs":{"17":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"1":{"tf":1.0},"18":{"tf":1.0},"6":{"tf":2.0}}}},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"50":{"tf":1.0}}}},"t":{"'":{"df":2,"docs":{"2":{"tf":1.0},"6":{"tf":1.0}}},"df":9,"docs":{"1":{"tf":1.0},"12":{"tf":1.0},"2":{"tf":1.0},"32":{"tf":1.0},"41":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":5,"docs":{"23":{"tf":1.0},"43":{"tf":1.0},"49":{"tf":1.0},"56":{"tf":1.0},"6":{"tf":1.0}}}}}},"i":{"b":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":7,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"20":{"tf":1.4142135623730951},"51":{"tf":1.0},"52":{"tf":1.7320508075688772},"53":{"tf":1.4142135623730951},"55":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"40":{"tf":1.0}}}}}}},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":2,"docs":{"40":{"tf":1.0},"50":{"tf":1.0}}}}}}}}}}},"n":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":9,"docs":{"20":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.7320508075688772},"37":{"tf":1.7320508075688772},"46":{"tf":1.4142135623730951},"52":{"tf":2.449489742783178},"53":{"tf":1.7320508075688772},"55":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"13":{"tf":1.0},"2":{"tf":1.0}}}},"o":{"df":0,"docs":{},"p":{"df":5,"docs":{"34":{"tf":1.0},"37":{"tf":1.7320508075688772},"40":{"tf":1.4142135623730951},"41":{"tf":1.7320508075688772},"42":{"tf":2.0}}}}}},"df":2,"docs":{"10":{"tf":1.0},"14":{"tf":1.4142135623730951}}},"k":{"df":1,"docs":{"53":{"tf":1.0}}}},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"u":{"df":0,"docs":{},"m":{"df":3,"docs":{"16":{"tf":1.7320508075688772},"17":{"tf":2.0},"18":{"tf":1.0}}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"51":{"tf":1.0}}}}}}}}},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"m":{"df":2,"docs":{"23":{"tf":1.4142135623730951},"44":{"tf":1.7320508075688772}},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"44":{"tf":1.0}}}}},"df":0,"docs":{}}}}}},"o":{"df":0,"docs":{},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":6,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"31":{"tf":1.7320508075688772},"35":{"tf":1.0},"45":{"tf":1.0}}}}}},"o":{"df":0,"docs":{},"k":{"df":4,"docs":{"1":{"tf":1.0},"3":{"tf":1.4142135623730951},"5":{"tf":1.0},"8":{"tf":1.0}}},"p":{"df":5,"docs":{"2":{"tf":1.0},"29":{"tf":1.0},"50":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"t":{"df":0,"docs":{},"k":{"a":{"df":1,"docs":{"2":{"tf":1.7320508075688772}}},"df":0,"docs":{}}},"w":{"df":2,"docs":{"0":{"tf":1.0},"9":{"tf":1.4142135623730951}},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"19":{"tf":1.0}}}}}},"r":{"c":{"df":2,"docs":{"0":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"s":{"df":14,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"29":{"tf":1.0},"32":{"tf":1.4142135623730951},"4":{"tf":1.0},"44":{"tf":1.0},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"u":{"df":2,"docs":{"46":{"tf":1.7320508075688772},"52":{"tf":1.0}}}},"m":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"v":{"df":1,"docs":{"26":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"p":{"df":1,"docs":{"26":{"tf":1.0}}},"t":{"df":3,"docs":{"22":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.4142135623730951}}}},":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"1":{"df":1,"docs":{"37":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"9":{"tf":1.0}}}},"a":{"d":{"df":0,"docs":{},"e":{"df":1,"docs":{"53":{"tf":1.0}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":28,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"35":{"tf":1.7320508075688772},"36":{"tf":1.0},"37":{"tf":1.0},"4":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.7320508075688772},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"53":{"tf":1.4142135623730951},"56":{"tf":1.0},"6":{"tf":1.4142135623730951},"7":{"tf":1.0},"9":{"tf":1.0}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"5":{"tf":1.0},"6":{"tf":1.0}}}}},"df":0,"docs":{}}}},"k":{"df":0,"docs":{},"e":{"df":5,"docs":{"0":{"tf":1.0},"2":{"tf":1.0},"27":{"tf":1.0},"53":{"tf":1.0},"7":{"tf":1.0}}}},"n":{"df":0,"docs":{},"i":{"df":8,"docs":{"1":{"tf":1.0},"10":{"tf":1.0},"11":{"tf":1.4142135623730951},"3":{"tf":1.0},"30":{"tf":1.0},"40":{"tf":1.0},"5":{"tf":1.4142135623730951},"8":{"tf":1.0}}},"u":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"45":{"tf":1.0},"46":{"tf":2.0},"47":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":15,"docs":{"0":{"tf":2.23606797749979},"22":{"tf":1.0},"25":{"tf":3.0},"26":{"tf":2.6457513110645907},"3":{"tf":2.449489742783178},"34":{"tf":1.0},"37":{"tf":2.23606797749979},"4":{"tf":3.7416573867739413},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"46":{"tf":1.0},"53":{"tf":2.0},"8":{"tf":2.23606797749979},"9":{"tf":2.0}}}},"t":{"c":{"df":0,"docs":{},"h":{"df":6,"docs":{"20":{"tf":1.0},"29":{"tf":1.0},"50":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":2,"docs":{"12":{"tf":1.7320508075688772},"17":{"tf":1.0}}}}},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"f":{"df":1,"docs":{"8":{"tf":1.4142135623730951}},"}":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":7,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"7":{"tf":1.4142135623730951},"8":{"tf":2.0},"9":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"g":{"df":1,"docs":{"8":{"tf":1.0}},"}":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"8":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"i":{"df":9,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0},"26":{"tf":1.7320508075688772},"3":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0},"9":{"tf":1.0}}},"m":{"df":1,"docs":{"8":{"tf":1.0}}},"p":{"df":1,"docs":{"26":{"tf":2.0}}},"v":{"df":1,"docs":{"26":{"tf":1.4142135623730951}}},"y":{"df":0,"docs":{},"}":{"(":{"0":{"df":5,"docs":{"1":{"tf":1.0},"2":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"c":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"{":{"a":{"df":1,"docs":{"17":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":2,"docs":{"5":{"tf":1.0},"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"i":{"c":{"df":7,"docs":{"20":{"tf":1.0},"25":{"tf":1.0},"35":{"tf":1.0},"46":{"tf":1.0},"52":{"tf":1.0},"53":{"tf":1.7320508075688772},"55":{"tf":1.0}}},"df":0,"docs":{},"x":{"df":16,"docs":{"0":{"tf":1.7320508075688772},"13":{"tf":2.23606797749979},"14":{"tf":1.0},"20":{"tf":1.0},"22":{"tf":1.4142135623730951},"24":{"tf":2.449489742783178},"25":{"tf":2.8284271247461903},"26":{"tf":2.6457513110645907},"37":{"tf":1.4142135623730951},"40":{"tf":1.0},"45":{"tf":3.872983346207417},"52":{"tf":2.449489742783178},"53":{"tf":2.6457513110645907},"55":{"tf":1.0},"8":{"tf":3.0},"9":{"tf":2.0}}}}}}},"df":26,"docs":{"15":{"tf":1.7320508075688772},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"35":{"tf":2.449489742783178},"36":{"tf":1.7320508075688772},"37":{"tf":2.0},"4":{"tf":2.0},"40":{"tf":1.0},"41":{"tf":3.605551275463989},"42":{"tf":3.605551275463989},"44":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0},"9":{"tf":2.449489742783178}},"e":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"13":{"tf":1.0}}}}}},"d":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}},"df":0,"docs":{},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"55":{"tf":1.0}}}}}},"df":0,"docs":{},"t":{"a":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"0":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":3,"docs":{"20":{"tf":1.0},"27":{"tf":1.0},"5":{"tf":1.0}},"h":{"df":0,"docs":{},"o":{"d":{"df":21,"docs":{"10":{"tf":2.23606797749979},"12":{"tf":1.0},"13":{"tf":2.449489742783178},"14":{"tf":1.4142135623730951},"24":{"tf":2.23606797749979},"28":{"tf":1.0},"29":{"tf":1.4142135623730951},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"33":{"tf":1.0},"34":{"tf":1.0},"40":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":2.23606797749979},"48":{"tf":1.0},"49":{"tf":1.0},"50":{"tf":2.6457513110645907},"53":{"tf":1.4142135623730951},"55":{"tf":1.4142135623730951}},"o":{"df":0,"docs":{},"f":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{".":{"df":0,"docs":{},"j":{"df":0,"docs":{},"l":{"df":1,"docs":{"11":{"tf":1.0}}}}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"53":{"tf":1.0},"56":{"tf":1.0}},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}}}}}},"l":{"/":{"df":0,"docs":{},"h":{"df":1,"docs":{"6":{"tf":2.0}}}},"df":1,"docs":{"6":{"tf":2.0}}},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"20":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"!":{"(":{"\"":{"df":0,"docs":{},"y":{"0":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{},"l":{"df":25,"docs":{"0":{"tf":3.7416573867739413},"1":{"tf":1.4142135623730951},"10":{"tf":1.0},"11":{"tf":1.0},"12":{"tf":1.0},"13":{"tf":1.0},"14":{"tf":1.0},"15":{"tf":1.0},"16":{"tf":2.8284271247461903},"17":{"tf":2.0},"18":{"tf":1.7320508075688772},"19":{"tf":1.0},"2":{"tf":3.3166247903554},"20":{"tf":2.6457513110645907},"21":{"tf":1.0},"3":{"tf":1.0},"37":{"tf":1.0},"4":{"tf":1.4142135623730951},"5":{"tf":2.8284271247461903},"53":{"tf":1.4142135623730951},"54":{"tf":1.0},"6":{"tf":4.123105625617661},"7":{"tf":1.4142135623730951},"8":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"i":{"df":0,"docs":{},"f":{"df":1,"docs":{"53":{"tf":1.0}}}},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"20":{"tf":1.0}}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":14,"docs":{"1":{"tf":1.0},"11":{"tf":1.0},"13":{"tf":1.0},"16":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.7320508075688772},"23":{"tf":1.4142135623730951},"28":{"tf":1.0},"35":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.0},"56":{"tf":1.0},"6":{"tf":1.7320508075688772},"8":{"tf":1.0}}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"56":{"tf":1.0}}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":4,"docs":{"0":{"tf":1.0},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"7":{"tf":1.0}}}}}}},"u":{"c":{"df":0,"docs":{},"h":{"df":2,"docs":{"13":{"tf":1.0},"56":{"tf":1.0}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":4,"docs":{"13":{"tf":1.0},"53":{"tf":1.0},"55":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":7,"docs":{"24":{"tf":1.0},"26":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951},"35":{"tf":1.4142135623730951},"45":{"tf":1.0},"53":{"tf":1.0},"8":{"tf":1.0}}}}}}}},"t":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"47":{"tf":1.0}}}},"df":0,"docs":{}},"df":18,"docs":{"15":{"tf":1.4142135623730951},"2":{"tf":2.23606797749979},"20":{"tf":3.0},"29":{"tf":1.0},"32":{"tf":1.4142135623730951},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"4":{"tf":1.4142135623730951},"41":{"tf":2.23606797749979},"42":{"tf":2.23606797749979},"44":{"tf":1.0},"47":{"tf":1.4142135623730951},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":2.23606797749979},"7":{"tf":2.449489742783178},"9":{"tf":1.4142135623730951}}}},"y":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"<":{"'":{"_":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"36":{"tf":1.7320508075688772},"41":{"tf":1.0},"42":{"tf":1.4142135623730951}}}}}},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"<":{"'":{"_":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":2,"docs":{"37":{"tf":2.0},"42":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"<":{"'":{"_":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"42":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":3,"docs":{"35":{"tf":3.3166247903554},"41":{"tf":3.0},"42":{"tf":2.8284271247461903}}}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"h":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.4142135623730951}},"s":{"<":{"'":{"_":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"<":{"'":{"_":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"42":{"tf":1.0}}}}}}}},"n":{"^":{"2":{"df":2,"docs":{"13":{"tf":1.0},"52":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"a":{"b":{"df":0,"docs":{},"l":{"a":{"df":1,"docs":{"17":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"r":{"a":{":":{":":{"d":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":18,"docs":{"2":{"tf":1.4142135623730951},"24":{"tf":1.7320508075688772},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"4":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":4,"docs":{"24":{"tf":1.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"v":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"1":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":3,"docs":{"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":4,"docs":{"24":{"tf":1.0},"35":{"tf":1.7320508075688772},"36":{"tf":1.0},"37":{"tf":1.0}}}},"df":9,"docs":{"24":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":1,"docs":{"26":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":3,"docs":{"24":{"tf":1.0},"46":{"tf":1.0},"52":{"tf":1.0}},"l":{"df":0,"docs":{},"u":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":6,"docs":{"29":{"tf":1.0},"32":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":6,"docs":{"29":{"tf":1.0},"32":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"m":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"!":{"(":{"\"":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"df":1,"docs":{"20":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":1,"docs":{"53":{"tf":1.0}}}},"n":{"df":1,"docs":{"45":{"tf":1.7320508075688772}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"51":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"r":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"37":{"tf":1.0}}}}}},"df":3,"docs":{"13":{"tf":2.0},"52":{"tf":1.7320508075688772},"54":{"tf":1.0}},"e":{"c":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"35":{"tf":1.0}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"25":{"tf":1.0}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"d":{"df":20,"docs":{"1":{"tf":1.0},"12":{"tf":1.0},"13":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.0},"24":{"tf":1.0},"31":{"tf":1.4142135623730951},"32":{"tf":1.0},"34":{"tf":2.23606797749979},"38":{"tf":1.0},"39":{"tf":1.0},"40":{"tf":2.0},"45":{"tf":1.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.0},"50":{"tf":1.4142135623730951},"53":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"g":{"df":3,"docs":{"16":{"tf":1.0},"17":{"tf":1.7320508075688772},"4":{"tf":1.0}},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"w":{"_":{"df":0,"docs":{},"w":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"47":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}}}}},"df":13,"docs":{"1":{"tf":1.0},"2":{"tf":1.4142135623730951},"24":{"tf":1.7320508075688772},"3":{"tf":1.4142135623730951},"31":{"tf":1.0},"35":{"tf":1.4142135623730951},"37":{"tf":1.0},"4":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"47":{"tf":1.0},"50":{"tf":1.0},"7":{"tf":1.0}}},"x":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"20":{"tf":2.0}}}}}},"df":0,"docs":{}}}}}}}},"df":5,"docs":{"1":{"tf":1.0},"3":{"tf":1.0},"35":{"tf":1.0},"5":{"tf":1.0},"8":{"tf":1.0}}}}},"g":{"df":1,"docs":{"6":{"tf":2.0}}},"o":{"d":{"df":0,"docs":{},"e":{"df":2,"docs":{"8":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"df":0,"docs":{},"n":{"df":6,"docs":{"13":{"tf":1.4142135623730951},"25":{"tf":1.4142135623730951},"34":{"tf":1.0},"35":{"tf":1.7320508075688772},"46":{"tf":1.4142135623730951},"6":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":8,"docs":{"20":{"tf":1.0},"34":{"tf":1.0},"35":{"tf":1.7320508075688772},"36":{"tf":1.0},"40":{"tf":2.0},"41":{"tf":2.6457513110645907},"42":{"tf":2.8284271247461903},"45":{"tf":1.0}},"j":{"a":{"c":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"n":{"df":2,"docs":{"35":{"tf":1.7320508075688772},"45":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"r":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"32":{"tf":1.0},"5":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"t":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":4,"docs":{"40":{"tf":1.0},"45":{"tf":1.0},"47":{"tf":1.0},"50":{"tf":1.0}}}},"u":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":5,"docs":{"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":2.449489742783178},"42":{"tf":2.449489742783178}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"w":{"df":8,"docs":{"18":{"tf":1.0},"2":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0}}}},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":5,"docs":{"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":2.449489742783178},"42":{"tf":2.449489742783178}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":5,"docs":{"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":2.449489742783178},"42":{"tf":2.449489742783178}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"m":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":6,"docs":{"13":{"tf":1.0},"35":{"tf":1.0},"45":{"tf":1.0},"48":{"tf":1.0},"52":{"tf":2.0},"53":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"13":{"tf":1.0}}}}}}},"o":{"b":{"df":0,"docs":{},"j":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"40":{"tf":1.0},"45":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"v":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"32":{"tf":1.0}}}}},"df":0,"docs":{}}},"c":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":5,"docs":{"0":{"tf":1.4142135623730951},"16":{"tf":1.4142135623730951},"22":{"tf":1.0},"5":{"tf":2.0},"7":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"p":{"df":1,"docs":{"18":{"tf":1.0}}}},"d":{"df":38,"docs":{"0":{"tf":4.47213595499958},"1":{"tf":4.0},"10":{"tf":2.0},"11":{"tf":1.0},"12":{"tf":1.0},"13":{"tf":1.4142135623730951},"14":{"tf":1.7320508075688772},"15":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"19":{"tf":1.0},"2":{"tf":2.6457513110645907},"20":{"tf":1.0},"22":{"tf":2.0},"24":{"tf":2.23606797749979},"25":{"tf":1.0},"26":{"tf":1.0},"3":{"tf":3.872983346207417},"30":{"tf":1.0},"31":{"tf":1.7320508075688772},"33":{"tf":1.0},"34":{"tf":1.0},"38":{"tf":1.7320508075688772},"39":{"tf":1.0},"4":{"tf":2.23606797749979},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"49":{"tf":1.0},"5":{"tf":3.0},"51":{"tf":1.0},"52":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":2.0},"7":{"tf":2.23606797749979},"8":{"tf":2.8284271247461903},"9":{"tf":1.0}},"e":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"df":16,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"23":{"tf":1.7320508075688772},"24":{"tf":1.7320508075688772},"26":{"tf":1.0},"28":{"tf":1.0},"31":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.4142135623730951},"4":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"m":{">":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{"(":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"p":{"(":{"[":{"1":{".":{"0":{"]":{")":{".":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{"(":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":18,"docs":{"15":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"4":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"<":{"'":{"_":{">":{">":{":":{":":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"h":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"a":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"39":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.0}}}}}}}}}}},"df":9,"docs":{"2":{"tf":1.0},"20":{"tf":1.0},"23":{"tf":1.0},"34":{"tf":1.0},"39":{"tf":1.7320508075688772},"40":{"tf":1.7320508075688772},"41":{"tf":2.23606797749979},"42":{"tf":1.7320508075688772},"45":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"d":{"df":12,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"32":{"tf":1.7320508075688772},"4":{"tf":1.0},"44":{"tf":1.0},"48":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":2,"docs":{"46":{"tf":1.0},"47":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"t":{"df":4,"docs":{"32":{"tf":1.4142135623730951},"44":{"tf":1.0},"47":{"tf":1.4142135623730951},"50":{"tf":1.0}},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":5,"docs":{"20":{"tf":1.0},"29":{"tf":1.4142135623730951},"50":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}}}}}}}}}}},"df":0,"docs":{},"h":{"df":0,"docs":{},"m":{"'":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}}},"k":{"(":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{":":{":":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":5,"docs":{"20":{"tf":1.0},"29":{"tf":1.0},"50":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}}}}}}}}}},"df":0,"docs":{}}}}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"d":{"(":{"_":{"df":1,"docs":{"50":{"tf":1.0}}},"df":0,"docs":{},"t":{"df":3,"docs":{"20":{"tf":1.0},"29":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"t":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"c":{"df":0,"docs":{},"h":{"df":5,"docs":{"20":{"tf":1.0},"29":{"tf":1.0},"50":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}}}}}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"g":{"a":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}},"n":{"c":{"df":7,"docs":{"16":{"tf":1.0},"26":{"tf":1.0},"32":{"tf":1.0},"34":{"tf":1.0},"44":{"tf":1.0},"46":{"tf":1.0},"50":{"tf":1.0}}},"df":12,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"12":{"tf":1.0},"20":{"tf":1.0},"28":{"tf":1.4142135623730951},"36":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0},"46":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.0}}},"p":{"df":7,"docs":{"34":{"tf":1.0},"35":{"tf":2.0},"36":{"tf":1.0},"37":{"tf":1.0},"39":{"tf":1.0},"41":{"tf":2.6457513110645907},"42":{"tf":2.6457513110645907}},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"18":{"tf":1.0}}},"r":{"df":4,"docs":{"16":{"tf":1.0},"20":{"tf":1.0},"34":{"tf":1.0},"45":{"tf":1.0}}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"4":{"tf":1.0}}}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"30":{"tf":1.0}}},"o":{"df":0,"docs":{},"n":{"<":{"<":{"df":0,"docs":{},"m":{"df":0,"docs":{},"y":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":2,"docs":{"41":{"tf":1.7320508075688772},"42":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":2,"docs":{"22":{"tf":1.7320508075688772},"24":{"tf":1.0}}}}}}},"r":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":9,"docs":{"0":{"tf":3.0},"1":{"tf":3.0},"2":{"tf":2.0},"3":{"tf":3.7416573867739413},"4":{"tf":1.7320508075688772},"40":{"tf":1.4142135623730951},"50":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772}}}},"i":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":4,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"43":{"tf":1.0},"8":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"g":{"a":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"52":{"tf":1.0}}}}}}},"s":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":1,"docs":{"20":{"tf":1.0}}}}}}},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":8,"docs":{"11":{"tf":1.0},"20":{"tf":1.7320508075688772},"34":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"53":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":8,"docs":{"18":{"tf":1.7320508075688772},"20":{"tf":1.4142135623730951},"22":{"tf":1.4142135623730951},"35":{"tf":1.0},"40":{"tf":1.0},"45":{"tf":1.4142135623730951},"49":{"tf":1.0},"53":{"tf":1.7320508075688772}}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":7,"docs":{"12":{"tf":1.0},"13":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"49":{"tf":1.0},"5":{"tf":1.0}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.4142135623730951}}}}}}}}},"r":{"df":0,"docs":{},"i":{"d":{"df":1,"docs":{"50":{"tf":1.0}}},"df":0,"docs":{}}}}}}},"p":{"(":{"[":{"1":{".":{"0":{"df":2,"docs":{"20":{"tf":1.0},"44":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"!":{"[":{"1":{".":{"0":{"df":12,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"42":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"[":{"0":{"df":11,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"32":{"tf":2.449489742783178},"45":{"tf":2.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178}}},"1":{"df":11,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":1.4142135623730951},"31":{"tf":2.23606797749979},"32":{"tf":3.1622776601683795},"45":{"tf":2.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178}}},"df":0,"docs":{}},"a":{"c":{"df":0,"docs":{},"k":{"a":{"df":0,"docs":{},"g":{"df":2,"docs":{"10":{"tf":1.0},"11":{"tf":3.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"c":{"!":{"(":{"\"":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"50":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":2,"docs":{"29":{"tf":1.0},"50":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"20":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}}},"w":{"df":1,"docs":{"29":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":11,"docs":{"16":{"tf":1.0},"2":{"tf":1.4142135623730951},"22":{"tf":1.0},"24":{"tf":2.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951},"32":{"tf":1.0},"40":{"tf":1.0},"44":{"tf":1.0},"52":{"tf":1.7320508075688772},"6":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"16":{"tf":1.0}},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"20":{"tf":1.0}}}}}}}}}},"df":0,"docs":{},"t":{"df":2,"docs":{"21":{"tf":1.0},"52":{"tf":2.0}},"i":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"10":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}}},"c":{"df":0,"docs":{},"l":{"df":4,"docs":{"16":{"tf":1.0},"17":{"tf":2.0},"18":{"tf":1.4142135623730951},"20":{"tf":1.4142135623730951}}},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":2,"docs":{"0":{"tf":1.0},"50":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":3,"docs":{"0":{"tf":1.0},"20":{"tf":1.0},"45":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"s":{"df":4,"docs":{"0":{"tf":1.0},"28":{"tf":1.0},"56":{"tf":1.0},"9":{"tf":1.4142135623730951}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"'":{"df":1,"docs":{"6":{"tf":1.0}}},"df":1,"docs":{"6":{"tf":1.0}}}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":1,"docs":{"45":{"tf":2.23606797749979}}}}}}}},"b":{"df":0,"docs":{},"p":{"df":0,"docs":{},"k":{"df":1,"docs":{"6":{"tf":1.0}}}}},"d":{"df":1,"docs":{"6":{"tf":1.4142135623730951}},"e":{"df":12,"docs":{"10":{"tf":2.8284271247461903},"11":{"tf":1.7320508075688772},"12":{"tf":1.4142135623730951},"13":{"tf":1.0},"14":{"tf":1.0},"15":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"19":{"tf":1.0},"20":{"tf":1.0},"25":{"tf":1.0}}}},"df":18,"docs":{"2":{"tf":1.0},"22":{"tf":3.0},"24":{"tf":3.1622776601683795},"25":{"tf":1.0},"26":{"tf":1.7320508075688772},"28":{"tf":2.6457513110645907},"29":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"32":{"tf":2.449489742783178},"35":{"tf":1.4142135623730951},"40":{"tf":2.449489742783178},"41":{"tf":3.605551275463989},"42":{"tf":3.605551275463989},"45":{"tf":2.449489742783178},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178}},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":8,"docs":{"16":{"tf":1.0},"21":{"tf":1.0},"23":{"tf":1.0},"27":{"tf":1.0},"51":{"tf":1.0},"53":{"tf":1.4142135623730951},"54":{"tf":1.0},"55":{"tf":2.0}}}}}},"i":{"df":0,"docs":{},"p":{"df":0,"docs":{},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":2.23606797749979}}}}}}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"1":{"tf":1.0}}}}}},"h":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"a":{"c":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"y":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"k":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.7320508075688772}}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"2":{"tf":2.23606797749979}}}}},"df":0,"docs":{},"y":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"c":{"df":8,"docs":{"0":{"tf":1.4142135623730951},"16":{"tf":2.449489742783178},"17":{"tf":1.0},"18":{"tf":1.0},"19":{"tf":1.0},"20":{"tf":1.7320508075688772},"3":{"tf":1.0},"8":{"tf":1.0}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}}},"i":{"df":0,"docs":{},"e":{"c":{"df":1,"docs":{"1":{"tf":1.0}}},"df":0,"docs":{}}},"k":{"df":1,"docs":{"6":{"tf":2.449489742783178}},"p":{"d":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}},"l":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":1,"docs":{"2":{"tf":2.0}}}},"s":{"df":0,"docs":{},"m":{"a":{"/":{"b":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{".":{"a":{"d":{"d":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}},"p":{"df":0,"docs":{},"h":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"e":{"d":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"q":{"_":{"c":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"t":{"df":0,"docs":{},"r":{"a":{"c":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"v":{"df":1,"docs":{"7":{"tf":1.0}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}}}}},"x":{"_":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"_":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"b":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"20":{"tf":1.0}}}}}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"r":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}},"df":0,"docs":{}}}},"h":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"15":{"tf":1.0}}}},"df":0,"docs":{}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}},"s":{"df":0,"docs":{},"p":{"df":1,"docs":{"4":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}},":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{")":{".":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"(":{"\"":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":8,"docs":{"15":{"tf":1.4142135623730951},"2":{"tf":2.8284271247461903},"20":{"tf":1.4142135623730951},"4":{"tf":1.4142135623730951},"56":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"7":{"tf":1.4142135623730951},"9":{"tf":1.7320508075688772}},"l":{"df":0,"docs":{},"i":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"o":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":5,"docs":{"13":{"tf":2.0},"14":{"tf":1.0},"45":{"tf":1.0},"52":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951}}}}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"51":{"tf":1.0}}}},"df":3,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":2.6457513110645907},"2":{"tf":4.898979485566356}}}}},"r":{"df":0,"docs":{},"t":{"df":2,"docs":{"21":{"tf":1.0},"53":{"tf":1.0}}}},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":7,"docs":{"12":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.7320508075688772},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951}}}},"s":{"df":0,"docs":{},"i":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.0}}}}}}},"w":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"e":{"d":{"a":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":5.5677643628300215},"52":{"tf":1.0}},"o":{"df":0,"docs":{},"r":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"d":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"2":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"16":{"tf":1.0}}}},"df":0,"docs":{}}},"df":1,"docs":{"46":{"tf":1.4142135623730951}},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"13":{"tf":1.0}}}}},"s":{"c":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"b":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":2,"docs":{"21":{"tf":1.0},"54":{"tf":1.0}}}}}},"v":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":1,"docs":{"56":{"tf":1.0}}}}}},"y":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":5.0},"52":{"tf":1.0}}}},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"21":{"tf":1.0},"8":{"tf":1.0}}}}},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.0}},"f":{"df":1,"docs":{"53":{"tf":1.0}}},"l":{"df":0,"docs":{},"n":{"!":{"(":{"\"":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"29":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"45":{"tf":1.0}}}}}}},"o":{"b":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"56":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{".":{"b":{"d":{"df":0,"docs":{},"f":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"46":{"tf":1.0}},"s":{">":{"(":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":12,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"29":{"tf":1.0},"32":{"tf":1.4142135623730951},"4":{"tf":1.0},"44":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":0,"docs":{},"s":{">":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"46":{"tf":1.0},"47":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"(":{")":{".":{"c":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"(":{"df":0,"docs":{},"t":{"0":{"df":1,"docs":{"45":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"(":{")":{".":{"c":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"i":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"i":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"h":{"df":0,"docs":{},"s":{"(":{")":{".":{"df":0,"docs":{},"j":{"a":{"c":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"n":{"(":{"&":{"df":0,"docs":{},"y":{"0":{"df":1,"docs":{"45":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"f":{"a":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"n":{"(":{"1":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"p":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"3":{"4":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"t":{"0":{"df":1,"docs":{"45":{"tf":1.0}}},"df":0,"docs":{},"r":{"_":{"b":{"d":{"df":0,"docs":{},"f":{"2":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":0,"docs":{},"s":{">":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"46":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":45,"docs":{"1":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.7320508075688772},"20":{"tf":1.0},"21":{"tf":2.6457513110645907},"22":{"tf":1.0},"23":{"tf":2.0},"24":{"tf":2.8284271247461903},"25":{"tf":2.0},"26":{"tf":2.0},"27":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":1.4142135623730951},"30":{"tf":1.7320508075688772},"31":{"tf":2.449489742783178},"32":{"tf":2.8284271247461903},"33":{"tf":2.23606797749979},"34":{"tf":2.0},"35":{"tf":2.0},"36":{"tf":1.4142135623730951},"37":{"tf":1.4142135623730951},"38":{"tf":1.4142135623730951},"39":{"tf":1.4142135623730951},"4":{"tf":1.0},"40":{"tf":1.4142135623730951},"41":{"tf":1.4142135623730951},"42":{"tf":2.449489742783178},"43":{"tf":2.0},"44":{"tf":2.0},"45":{"tf":3.0},"46":{"tf":2.0},"47":{"tf":1.4142135623730951},"48":{"tf":2.0},"49":{"tf":3.3166247903554},"5":{"tf":1.0},"50":{"tf":2.23606797749979},"52":{"tf":3.605551275463989},"53":{"tf":3.1622776601683795},"54":{"tf":1.4142135623730951},"55":{"tf":3.0},"56":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.7320508075688772},"8":{"tf":1.0},"9":{"tf":1.0}}}}}},"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":6,"docs":{"1":{"tf":1.0},"16":{"tf":1.4142135623730951},"2":{"tf":1.0},"27":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.0}}}}}},"d":{"df":0,"docs":{},"u":{"c":{"df":1,"docs":{"5":{"tf":1.0}},"t":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"26":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"45":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"16":{"tf":1.4142135623730951}}}}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":3,"docs":{"1":{"tf":1.0},"2":{"tf":2.0},"4":{"tf":1.0}}}}}},"t":{"df":0,"docs":{},"o":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}}},"df":0,"docs":{}}},"v":{"df":0,"docs":{},"i":{"d":{"df":18,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":1.0},"16":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.0},"24":{"tf":1.0},"26":{"tf":1.4142135623730951},"31":{"tf":1.0},"33":{"tf":1.0},"47":{"tf":1.4142135623730951},"48":{"tf":1.0},"49":{"tf":1.7320508075688772},"5":{"tf":1.7320508075688772},"52":{"tf":1.0},"53":{"tf":1.7320508075688772},"55":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}}},"u":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":1,"docs":{"53":{"tf":1.0}}}}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":2,"docs":{"0":{"tf":1.0},"21":{"tf":1.0}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":3,"docs":{"40":{"tf":1.0},"43":{"tf":1.0},"8":{"tf":1.0}}}}}},"t":{"df":3,"docs":{"2":{"tf":1.0},"26":{"tf":1.0},"38":{"tf":1.0}}}},"y":{"b":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"m":{"df":1,"docs":{"20":{"tf":1.7320508075688772}}}}},"df":0,"docs":{}},"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":5,"docs":{"11":{"tf":1.4142135623730951},"20":{"tf":1.0},"23":{"tf":1.0},"43":{"tf":1.0},"56":{"tf":1.0}}}}}}}},"q":{"_":{"c":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"q":{"_":{"c":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"df":1,"docs":{"6":{"tf":2.0}}},"df":0,"docs":{},"p":{"1":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"q":{"_":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"1":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"{":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":2.8284271247461903}}},"df":0,"docs":{}}}},"c":{"df":1,"docs":{"6":{"tf":2.0}}},"df":1,"docs":{"6":{"tf":1.4142135623730951}},"p":{"1":{"df":1,"docs":{"6":{"tf":2.449489742783178}}},"df":0,"docs":{}},"q":{"df":0,"docs":{},"u":{"a":{"d":{"df":2,"docs":{"17":{"tf":1.0},"19":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"u":{"a":{"d":{"df":2,"docs":{"17":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":1,"docs":{"30":{"tf":1.0}},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"t":{"df":1,"docs":{"6":{"tf":1.0}},"i":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}}}}}},"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"k":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"56":{"tf":1.0}}}}}},"df":0,"docs":{},"t":{"df":2,"docs":{"36":{"tf":1.0},"55":{"tf":1.0}}}}}},"r":{"(":{"df":0,"docs":{},"i":{"df":1,"docs":{"28":{"tf":2.23606797749979}}},"t":{"df":1,"docs":{"22":{"tf":1.0}}}},"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.0}}}},"a":{"d":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"16":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":3,"docs":{"0":{"tf":1.0},"20":{"tf":1.0},"8":{"tf":1.0}}}},"p":{"df":0,"docs":{},"i":{"d":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"20":{"tf":1.0}}}}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"e":{"df":9,"docs":{"1":{"tf":2.6457513110645907},"16":{"tf":1.4142135623730951},"18":{"tf":1.0},"2":{"tf":3.1622776601683795},"20":{"tf":1.4142135623730951},"24":{"tf":1.0},"6":{"tf":2.0},"8":{"tf":1.0},"9":{"tf":1.0}}},"i":{"df":0,"docs":{},"o":{"df":1,"docs":{"7":{"tf":1.0}}}}}},"df":10,"docs":{"23":{"tf":1.0},"24":{"tf":1.7320508075688772},"26":{"tf":1.7320508075688772},"28":{"tf":1.0},"31":{"tf":2.23606797749979},"35":{"tf":1.0},"43":{"tf":1.0},"44":{"tf":2.449489742783178},"56":{"tf":1.0},"9":{"tf":2.449489742783178}},"e":{"a":{"c":{"df":0,"docs":{},"h":{"df":4,"docs":{"20":{"tf":1.7320508075688772},"32":{"tf":1.0},"55":{"tf":1.0},"7":{"tf":1.0}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":3,"docs":{"16":{"tf":1.0},"18":{"tf":1.0},"6":{"tf":1.0}}}}}}},"d":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"29":{"tf":1.0}}}}}},"c":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"31":{"tf":1.0},"8":{"tf":1.0}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"10":{"tf":1.0},"23":{"tf":1.0}}},"df":0,"docs":{}}}}}}},"d":{"df":0,"docs":{},"u":{"c":{"df":1,"docs":{"8":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":1,"docs":{"50":{"tf":1.0}},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":4,"docs":{"40":{"tf":1.0},"47":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.0}}}},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"5":{"tf":1.0}}}},"df":0,"docs":{}}},"r":{"a":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}},"g":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":3,"docs":{"13":{"tf":1.0},"20":{"tf":1.0},"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"l":{"a":{"df":0,"docs":{},"t":{"df":2,"docs":{"6":{"tf":1.0},"8":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"df":1,"docs":{"8":{"tf":1.0}}}}}}}}}}},"df":4,"docs":{"24":{"tf":1.4142135623730951},"43":{"tf":1.0},"53":{"tf":1.0},"54":{"tf":1.0}},"e":{"df":0,"docs":{},"v":{"df":1,"docs":{"13":{"tf":1.0}}}},"i":{"df":1,"docs":{"20":{"tf":1.0}}}},"m":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"v":{"df":1,"docs":{"53":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}},"e":{"d":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":7,"docs":{"13":{"tf":1.0},"2":{"tf":2.23606797749979},"24":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":1.0},"53":{"tf":1.0}}}},"o":{"d":{"df":0,"docs":{},"u":{"c":{"df":1,"docs":{"2":{"tf":1.4142135623730951}},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"q":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":6,"docs":{"1":{"tf":1.0},"26":{"tf":1.0},"40":{"tf":1.0},"5":{"tf":1.0},"55":{"tf":1.0},"6":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"i":{"d":{"df":0,"docs":{},"u":{"df":1,"docs":{"53":{"tf":1.0}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":2.6457513110645907}}}}}}},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":9,"docs":{"1":{"tf":1.0},"24":{"tf":1.0},"3":{"tf":1.4142135623730951},"30":{"tf":1.0},"31":{"tf":2.0},"47":{"tf":1.0},"49":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}},"t":{"df":1,"docs":{"53":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":2.0}}}}}}},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":5,"docs":{"10":{"tf":1.4142135623730951},"20":{"tf":1.0},"5":{"tf":1.0},"50":{"tf":1.0},"54":{"tf":2.0}}}}}},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":6,"docs":{"29":{"tf":1.4142135623730951},"32":{"tf":1.0},"40":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":2.23606797749979},"50":{"tf":2.0}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"7":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":1,"docs":{"21":{"tf":1.0}}}}}},"w":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"3":{"tf":1.0},"7":{"tf":1.0}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"3":{"tf":1.0}}}}}}}}}},"h":{"df":7,"docs":{"34":{"tf":1.0},"35":{"tf":2.23606797749979},"36":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"45":{"tf":1.0},"53":{"tf":1.4142135623730951}},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":9,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}}}},"df":0,"docs":{}}}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"31":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":8,"docs":{"18":{"tf":1.0},"22":{"tf":1.0},"26":{"tf":1.0},"31":{"tf":1.4142135623730951},"33":{"tf":1.0},"4":{"tf":1.0},"40":{"tf":1.4142135623730951},"6":{"tf":2.0}}}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"7":{"tf":1.0}}}}},"o":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"_":{"df":0,"docs":{},"o":{"d":{"df":3,"docs":{"52":{"tf":1.0},"53":{"tf":1.4142135623730951},"55":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":4,"docs":{"52":{"tf":1.4142135623730951},"53":{"tf":1.7320508075688772},"55":{"tf":1.0},"56":{"tf":1.0}}}}}}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{},"|":{"df":0,"docs":{},"x":{"df":2,"docs":{"28":{"tf":1.0},"29":{"tf":1.0}}}}},"df":11,"docs":{"19":{"tf":1.0},"22":{"tf":1.4142135623730951},"27":{"tf":2.0},"28":{"tf":3.1622776601683795},"29":{"tf":2.0},"34":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"5":{"tf":1.0},"7":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"(":{"1":{"df":5,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":1,"docs":{"24":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":1,"docs":{"46":{"tf":1.0}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"56":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"t":{"df":7,"docs":{"2":{"tf":1.4142135623730951},"21":{"tf":1.7320508075688772},"23":{"tf":1.4142135623730951},"43":{"tf":1.4142135623730951},"53":{"tf":2.0},"54":{"tf":1.0},"56":{"tf":2.449489742783178}}}}},"v":{"df":1,"docs":{"24":{"tf":1.0}}},"}":{"\\":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"\\":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"{":{"df":0,"docs":{},"r":{"=":{"0":{"df":1,"docs":{"17":{"tf":1.0}}},"df":0,"docs":{},"r":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}},"s":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":10,"docs":{"1":{"tf":1.0},"11":{"tf":1.0},"40":{"tf":1.0},"47":{"tf":1.0},"52":{"tf":1.7320508075688772},"53":{"tf":2.0},"54":{"tf":1.0},"55":{"tf":1.4142135623730951},"56":{"tf":1.0},"9":{"tf":1.0}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":3,"docs":{"47":{"tf":1.0},"50":{"tf":1.0},"8":{"tf":1.0}}}}}}},"v":{"df":0,"docs":{},"e":{"df":3,"docs":{"20":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}}},"c":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":1,"docs":{"7":{"tf":1.0}}}},"t":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"t":{".":{"c":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":2,"docs":{"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":2,"docs":{"20":{"tf":1.0},"7":{"tf":1.0}},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"2":{"tf":1.0},"6":{"tf":1.0}},"e":{".":{"c":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":3,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":6,"docs":{"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"k":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"11":{"tf":1.0}}}}}}},"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":2,"docs":{"46":{"tf":1.7320508075688772},"47":{"tf":1.0}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"46":{"tf":1.0}},"e":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"_":{"df":0,"docs":{},"w":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}},"df":1,"docs":{"32":{"tf":1.0}},"e":{"c":{"df":1,"docs":{"20":{"tf":1.0}},"o":{"df":0,"docs":{},"n":{"d":{"df":6,"docs":{"1":{"tf":1.0},"2":{"tf":1.0},"3":{"tf":2.23606797749979},"4":{"tf":1.0},"50":{"tf":1.0},"7":{"tf":1.0}}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":10,"docs":{"0":{"tf":1.7320508075688772},"1":{"tf":1.0},"16":{"tf":1.0},"3":{"tf":1.0},"30":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.4142135623730951},"5":{"tf":1.4142135623730951},"53":{"tf":1.0},"8":{"tf":1.0}}}}}}},"df":0,"docs":{},"e":{"df":7,"docs":{"13":{"tf":1.0},"2":{"tf":1.0},"24":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.0}},"n":{"df":3,"docs":{"55":{"tf":1.0},"56":{"tf":1.0},"8":{"tf":1.0}}}},"l":{"df":0,"docs":{},"f":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"37":{"tf":1.0}}}}},"df":0,"docs":{}},"p":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"y":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"(":{"df":0,"docs":{},"p":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":2,"docs":{"41":{"tf":2.23606797749979},"42":{"tf":2.23606797749979}}}},"df":4,"docs":{"35":{"tf":1.4142135623730951},"37":{"tf":1.4142135623730951},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}}},"m":{"df":0,"docs":{},"i":{"df":1,"docs":{"8":{"tf":1.7320508075688772}}}},"n":{"df":0,"docs":{},"s":{"_":{"a":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"32":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}}},"t":{"_":{"df":0,"docs":{},"o":{"df":1,"docs":{"32":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":4,"docs":{"30":{"tf":2.23606797749979},"31":{"tf":2.449489742783178},"32":{"tf":2.8284271247461903},"49":{"tf":1.4142135623730951}}}}}},"p":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"53":{"tf":1.0}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"i":{"df":3,"docs":{"0":{"tf":1.0},"43":{"tf":1.0},"9":{"tf":1.0}}}},"t":{"_":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"50":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}},"df":14,"docs":{"0":{"tf":1.0},"1":{"tf":1.7320508075688772},"13":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"27":{"tf":1.0},"29":{"tf":1.0},"46":{"tf":2.0},"47":{"tf":1.0},"52":{"tf":1.4142135623730951},"53":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}},"u":{"df":0,"docs":{},"p":{"df":2,"docs":{"47":{"tf":1.0},"54":{"tf":1.0}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"2":{"tf":1.0},"52":{"tf":1.0}}}}}},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":4,"docs":{"16":{"tf":1.0},"2":{"tf":1.0},"49":{"tf":1.0},"8":{"tf":1.0}},"n":{"df":2,"docs":{"1":{"tf":1.0},"6":{"tf":1.0}}}}}},"i":{"d":{"df":0,"docs":{},"e":{"df":7,"docs":{"22":{"tf":1.0},"26":{"tf":1.0},"31":{"tf":1.4142135623730951},"33":{"tf":1.0},"4":{"tf":1.0},"40":{"tf":1.4142135623730951},"6":{"tf":1.0}}}},"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":1,"docs":{"4":{"tf":1.0}},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"c":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"55":{"tf":1.0}}}}}}},"df":2,"docs":{"40":{"tf":1.0},"53":{"tf":1.0}}},"df":0,"docs":{}}}}}},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":6,"docs":{"16":{"tf":1.0},"2":{"tf":1.0},"23":{"tf":1.0},"36":{"tf":1.0},"51":{"tf":1.0},"55":{"tf":1.0}}}},"df":0,"docs":{}}},"p":{"df":0,"docs":{},"l":{"df":10,"docs":{"0":{"tf":2.0},"12":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.0},"3":{"tf":1.0},"43":{"tf":1.0},"49":{"tf":1.0},"56":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":4,"docs":{"0":{"tf":1.0},"10":{"tf":1.0},"2":{"tf":1.0},"24":{"tf":1.0}}}}},"i":{"c":{"df":1,"docs":{"45":{"tf":1.0}}},"df":0,"docs":{},"f":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"20":{"tf":1.0}}}}}}},"df":0,"docs":{}}}}}},"df":6,"docs":{"16":{"tf":1.7320508075688772},"17":{"tf":1.0},"18":{"tf":1.0},"19":{"tf":1.4142135623730951},"20":{"tf":2.0},"40":{"tf":1.0}}}}},"n":{"(":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"g":{"a":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}}},"df":0,"docs":{},"g":{"df":0,"docs":{},"l":{"df":6,"docs":{"13":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.4142135623730951},"18":{"tf":1.4142135623730951},"20":{"tf":1.4142135623730951},"50":{"tf":1.0}},"i":{"df":1,"docs":{"46":{"tf":1.0}}}},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":2,"docs":{"25":{"tf":1.7320508075688772},"46":{"tf":1.0}}}},"df":0,"docs":{}}}},"h":{"df":1,"docs":{"18":{"tf":1.0}}},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"i":{"d":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}}}}}},"z":{"df":0,"docs":{},"e":{"df":8,"docs":{"13":{"tf":1.0},"24":{"tf":1.0},"47":{"tf":1.0},"50":{"tf":1.4142135623730951},"52":{"tf":2.0},"54":{"tf":1.0},"55":{"tf":1.0},"56":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"53":{"tf":1.4142135623730951},"55":{"tf":1.0}}}}}}}},"o":{"df":0,"docs":{},"w":{"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":0,"docs":{},"n":{"df":1,"docs":{"56":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"23":{"tf":1.0},"54":{"tf":1.0},"55":{"tf":1.7320508075688772}}}},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"55":{"tf":1.0}}}}}}},"m":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":3,"docs":{"50":{"tf":1.0},"55":{"tf":1.4142135623730951},"56":{"tf":1.4142135623730951}},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"55":{"tf":1.0}}}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"l":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"p":{"(":{"df":0,"docs":{},"|":{"df":0,"docs":{},"v":{"df":1,"docs":{"15":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":1,"docs":{"15":{"tf":1.0}},"u":{"df":0,"docs":{},"t":{"df":6,"docs":{"1":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.0},"49":{"tf":2.23606797749979},"50":{"tf":3.1622776601683795}}}},"v":{"df":31,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":2.0},"10":{"tf":2.0},"12":{"tf":1.0},"14":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":2.6457513110645907},"21":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.4142135623730951},"29":{"tf":1.7320508075688772},"3":{"tf":1.0},"32":{"tf":2.23606797749979},"4":{"tf":1.0},"43":{"tf":1.0},"46":{"tf":1.0},"47":{"tf":1.0},"48":{"tf":2.0},"49":{"tf":3.4641016151377544},"5":{"tf":1.7320508075688772},"50":{"tf":1.0},"52":{"tf":2.0},"53":{"tf":1.0},"54":{"tf":1.4142135623730951},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.0}},"e":{"_":{"a":{"d":{"df":0,"docs":{},"j":{"df":0,"docs":{},"o":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"49":{"tf":1.0}}}}}}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":1,"docs":{"49":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}},"df":0,"docs":{},"r":{"'":{"df":1,"docs":{"47":{"tf":1.0}}},".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}},"t":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"o":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"50":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"(":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"o":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"32":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"1":{"0":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"50":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"20":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"t":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"(":{"1":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"49":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"4":{"0":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"t":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"44":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"_":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"15":{"tf":1.0},"49":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":1,"docs":{"32":{"tf":1.0}},"i":{"df":2,"docs":{"29":{"tf":1.0},"50":{"tf":1.0}}},"t":{"df":3,"docs":{"20":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951},"50":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"d":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}},"y":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"y":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"(":{"&":{"df":0,"docs":{},"i":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"[":{"0":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"(":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"32":{"tf":1.4142135623730951},"50":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":5,"docs":{"20":{"tf":1.0},"29":{"tf":1.0},"50":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0}}}}}}},"df":25,"docs":{"1":{"tf":1.4142135623730951},"10":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.7320508075688772},"27":{"tf":1.0},"28":{"tf":1.7320508075688772},"29":{"tf":1.7320508075688772},"32":{"tf":1.4142135623730951},"4":{"tf":1.0},"44":{"tf":1.0},"46":{"tf":5.196152422706632},"47":{"tf":2.6457513110645907},"48":{"tf":1.0},"49":{"tf":1.7320508075688772},"5":{"tf":2.23606797749979},"50":{"tf":3.4641016151377544},"51":{"tf":1.4142135623730951},"52":{"tf":3.0},"53":{"tf":2.8284271247461903},"55":{"tf":2.449489742783178},"56":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"7":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}}},"m":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"y":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}}}},"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"1":{"tf":1.0},"21":{"tf":1.0}}}}}}},"u":{"df":0,"docs":{},"r":{"c":{"df":1,"docs":{"9":{"tf":2.0}}},"df":0,"docs":{}}}},"p":{"a":{"c":{"df":0,"docs":{},"e":{"df":4,"docs":{"10":{"tf":1.0},"12":{"tf":1.0},"13":{"tf":1.0},"14":{"tf":1.0}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":10,"docs":{"13":{"tf":1.4142135623730951},"14":{"tf":1.0},"20":{"tf":1.4142135623730951},"24":{"tf":1.4142135623730951},"43":{"tf":1.0},"45":{"tf":3.0},"46":{"tf":1.0},"52":{"tf":2.23606797749979},"53":{"tf":1.7320508075688772},"55":{"tf":1.0}},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":2,"docs":{"15":{"tf":1.0},"20":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":2,"docs":{"15":{"tf":1.0},"20":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":2.23606797749979}}}}}}},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"13":{"tf":1.0},"14":{"tf":1.0},"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"i":{"df":2,"docs":{"2":{"tf":2.6457513110645907},"52":{"tf":1.0}},"f":{"df":10,"docs":{"0":{"tf":1.4142135623730951},"17":{"tf":1.0},"2":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0},"43":{"tf":1.4142135623730951},"5":{"tf":2.23606797749979},"50":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"8":{"tf":1.0}},"i":{"df":34,"docs":{"11":{"tf":1.0},"2":{"tf":1.0},"21":{"tf":2.6457513110645907},"22":{"tf":2.0},"23":{"tf":2.0},"24":{"tf":2.23606797749979},"25":{"tf":1.0},"26":{"tf":1.4142135623730951},"27":{"tf":1.0},"28":{"tf":2.0},"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":2.0},"32":{"tf":1.4142135623730951},"33":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"35":{"tf":2.0},"36":{"tf":1.4142135623730951},"37":{"tf":1.0},"38":{"tf":1.7320508075688772},"39":{"tf":1.4142135623730951},"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.0},"43":{"tf":2.0},"44":{"tf":1.7320508075688772},"45":{"tf":2.449489742783178},"46":{"tf":1.0},"49":{"tf":1.0},"50":{"tf":2.0},"6":{"tf":2.0},"7":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.4142135623730951}}}}},"t":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"10":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"d":{"df":1,"docs":{"56":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"m":{"df":3,"docs":{"16":{"tf":1.4142135623730951},"17":{"tf":1.0},"20":{"tf":1.0}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":3,"docs":{"0":{"tf":1.4142135623730951},"3":{"tf":1.0},"4":{"tf":2.8284271247461903}}}}}}},"q":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"{":{"c":{"_":{"df":0,"docs":{},"e":{"df":1,"docs":{"18":{"tf":1.0}}},"i":{"(":{"df":0,"docs":{},"r":{"=":{"df":0,"docs":{},"r":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"^":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"x":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"t":{"a":{"df":0,"docs":{},"n":{"d":{"a":{"df":0,"docs":{},"r":{"d":{"df":3,"docs":{"1":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"t":{"df":4,"docs":{"1":{"tf":1.0},"2":{"tf":1.0},"45":{"tf":1.0},"55":{"tf":1.0}}}},"t":{"df":0,"docs":{},"e":{".":{"a":{"df":0,"docs":{},"s":{"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"47":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":18,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":3.0},"17":{"tf":1.4142135623730951},"18":{"tf":1.0},"20":{"tf":1.0},"22":{"tf":1.7320508075688772},"24":{"tf":2.0},"3":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"35":{"tf":1.0},"46":{"tf":2.8284271247461903},"47":{"tf":3.4641016151377544},"49":{"tf":2.449489742783178},"5":{"tf":2.23606797749979},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":2.0},"8":{"tf":2.0}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":1,"docs":{"47":{"tf":1.0}},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"47":{"tf":1.0}}}}}}}}}}},"d":{":":{":":{"df":0,"docs":{},"f":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}},"s":{":":{":":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"d":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"(":{"\"":{".":{".":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"r":{"c":{"/":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"r":{"c":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"df":0,"docs":{},"m":{".":{"d":{"df":0,"docs":{},"s":{"\"":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":6,"docs":{"24":{"tf":1.0},"29":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"50":{"tf":4.0},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":3,"docs":{"46":{"tf":1.0},"52":{"tf":1.0},"55":{"tf":1.0}}}},"l":{"df":0,"docs":{},"l":{"df":1,"docs":{"23":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.0}}}}}}}}}}},"df":0,"docs":{}},"p":{"df":8,"docs":{"19":{"tf":1.7320508075688772},"20":{"tf":1.7320508075688772},"27":{"tf":1.0},"28":{"tf":1.7320508075688772},"29":{"tf":1.4142135623730951},"5":{"tf":1.0},"50":{"tf":2.0},"7":{"tf":1.4142135623730951}}},"r":{"df":0,"docs":{},"e":{"df":2,"docs":{"37":{"tf":1.0},"40":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":1,"docs":{"56":{"tf":1.0}}}}},"u":{"c":{"df":0,"docs":{},"t":{"df":20,"docs":{"23":{"tf":1.7320508075688772},"24":{"tf":1.7320508075688772},"26":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":2.23606797749979},"34":{"tf":2.23606797749979},"35":{"tf":3.3166247903554},"36":{"tf":1.4142135623730951},"37":{"tf":1.7320508075688772},"38":{"tf":1.4142135623730951},"39":{"tf":1.4142135623730951},"40":{"tf":3.7416573867739413},"41":{"tf":3.0},"42":{"tf":3.0},"44":{"tf":2.23606797749979},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":2.23606797749979},"50":{"tf":1.4142135623730951}},"u":{"df":0,"docs":{},"r":{"df":3,"docs":{"23":{"tf":1.0},"33":{"tf":1.0},"35":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"u":{"b":{"df":0,"docs":{},"j":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"c":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"29":{"tf":1.0},"50":{"tf":1.0}}}}}},"df":0,"docs":{},"h":{"df":9,"docs":{"0":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.0},"25":{"tf":1.0},"28":{"tf":1.0},"30":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0}}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"i":{"df":0,"docs":{},"t":{"a":{"b":{"df":0,"docs":{},"l":{"df":3,"docs":{"13":{"tf":1.0},"33":{"tf":1.0},"46":{"tf":1.0}}}},"df":0,"docs":{}},"df":1,"docs":{"51":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"52":{"tf":1.0}}}}},"df":0,"docs":{}}}}}},"m":{"df":1,"docs":{"9":{"tf":1.0}}},"n":{"d":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":6,"docs":{"51":{"tf":1.0},"52":{"tf":2.8284271247461903},"53":{"tf":3.0},"54":{"tf":1.4142135623730951},"55":{"tf":2.449489742783178},"56":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"_":{"b":{"a":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"52":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":1,"docs":{"52":{"tf":1.0}}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"52":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"df":1,"docs":{"7":{"tf":1.0}}},"f":{"a":{"c":{"df":4,"docs":{"15":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.7320508075688772},"18":{"tf":1.0}},"e":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{"df":0,"docs":{},"z":{")":{".":{"df":0,"docs":{},"x":{"(":{"df":0,"docs":{},"x":{")":{".":{"df":0,"docs":{},"y":{"(":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"y":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"x":{"df":2,"docs":{"2":{"tf":1.0},"43":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"'":{"df":1,"docs":{"0":{"tf":1.0}}},".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"4":{"tf":1.0}}}}}}},"df":26,"docs":{"0":{"tf":3.4641016151377544},"1":{"tf":3.0},"10":{"tf":1.4142135623730951},"13":{"tf":1.0},"14":{"tf":1.4142135623730951},"2":{"tf":2.8284271247461903},"26":{"tf":1.4142135623730951},"3":{"tf":2.449489742783178},"34":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":1.4142135623730951},"4":{"tf":3.0},"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.0},"43":{"tf":1.4142135623730951},"45":{"tf":2.0},"5":{"tf":3.0},"52":{"tf":1.0},"53":{"tf":1.4142135623730951},"55":{"tf":2.0},"56":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":1.7320508075688772},"8":{"tf":2.0},"9":{"tf":2.0}}}}}}}},"t":{".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"0":{".":{"0":{"df":2,"docs":{"20":{"tf":1.0},"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"20":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"0":{"(":{"0":{".":{"0":{"df":4,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":2,"docs":{"24":{"tf":1.0},"45":{"tf":1.4142135623730951}}},"_":{"0":{"df":1,"docs":{"22":{"tf":1.0}}},"df":0,"docs":{},"o":{"df":2,"docs":{"32":{"tf":2.8284271247461903},"50":{"tf":2.23606797749979}}}},"a":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"u":{":":{":":{"<":{"df":0,"docs":{},"m":{">":{":":{":":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"_":{"b":{"d":{"df":0,"docs":{},"f":{"2":{"df":1,"docs":{"46":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"46":{"tf":2.8284271247461903}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"k":{"df":0,"docs":{},"e":{"df":3,"docs":{"20":{"tf":1.0},"26":{"tf":1.0},"35":{"tf":1.0}},"n":{"df":4,"docs":{"53":{"tf":1.0},"54":{"tf":1.4142135623730951},"55":{"tf":1.0},"6":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":25,"docs":{"1":{"tf":2.0},"12":{"tf":1.7320508075688772},"17":{"tf":1.0},"2":{"tf":1.7320508075688772},"20":{"tf":1.4142135623730951},"22":{"tf":1.0},"24":{"tf":2.8284271247461903},"26":{"tf":2.23606797749979},"28":{"tf":2.23606797749979},"29":{"tf":2.0},"3":{"tf":1.7320508075688772},"35":{"tf":3.3166247903554},"36":{"tf":2.0},"37":{"tf":2.23606797749979},"4":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":4.358898943540674},"42":{"tf":4.358898943540674},"44":{"tf":1.0},"45":{"tf":1.4142135623730951},"5":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":2.6457513110645907},"8":{"tf":2.23606797749979},"9":{"tf":2.23606797749979}},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":2,"docs":{"12":{"tf":1.4142135623730951},"14":{"tf":1.0}}}}}},"df":0,"docs":{}}}}},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"43":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"m":{"df":4,"docs":{"13":{"tf":1.7320508075688772},"2":{"tf":2.449489742783178},"8":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":0,"docs":{},"n":{"df":4,"docs":{"16":{"tf":1.0},"18":{"tf":1.0},"19":{"tf":1.7320508075688772},"20":{"tf":1.7320508075688772}}}}}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"52":{"tf":1.7320508075688772},"53":{"tf":1.4142135623730951}}}},"x":{"df":0,"docs":{},"t":{"df":2,"docs":{"13":{"tf":1.0},"6":{"tf":2.0}},"{":{"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"}":{"(":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":2,"docs":{"13":{"tf":1.0},"40":{"tf":1.4142135623730951}}}}}},"m":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"12":{"tf":1.0}}}},"df":0,"docs":{}}}},"i":{"c":{"df":0,"docs":{},"k":{"df":2,"docs":{"16":{"tf":1.0},"17":{"tf":1.0}}}},"df":0,"docs":{},"n":{"df":2,"docs":{"24":{"tf":1.0},"45":{"tf":1.0}}},"r":{"d":{"df":1,"docs":{"24":{"tf":1.0}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":1,"docs":{"23":{"tf":1.0}}},"s":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"d":{"df":2,"docs":{"19":{"tf":1.7320508075688772},"6":{"tf":1.0}}},"df":0,"docs":{}}}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":4,"docs":{"45":{"tf":1.0},"50":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.7320508075688772}}}}}}},"u":{"df":6,"docs":{"1":{"tf":1.0},"21":{"tf":1.0},"26":{"tf":1.0},"43":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}}}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"43":{"tf":1.0}}}}}}},"m":{"df":0,"docs":{},"e":{".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"0":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"df":31,"docs":{"0":{"tf":1.7320508075688772},"1":{"tf":2.23606797749979},"10":{"tf":1.0},"12":{"tf":1.7320508075688772},"15":{"tf":1.4142135623730951},"2":{"tf":1.7320508075688772},"20":{"tf":1.4142135623730951},"22":{"tf":1.7320508075688772},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"29":{"tf":1.0},"3":{"tf":1.7320508075688772},"31":{"tf":1.0},"32":{"tf":2.23606797749979},"4":{"tf":1.4142135623730951},"40":{"tf":1.4142135623730951},"44":{"tf":1.0},"45":{"tf":1.0},"47":{"tf":1.4142135623730951},"49":{"tf":2.6457513110645907},"5":{"tf":2.23606797749979},"50":{"tf":2.8284271247461903},"52":{"tf":1.0},"54":{"tf":2.8284271247461903},"55":{"tf":1.0},"56":{"tf":1.0},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.7320508075688772}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"49":{"tf":1.0}}}}}}}},"s":{"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"o":{"/":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":3,"docs":{"2":{"tf":1.0},"38":{"tf":1.0},"6":{"tf":1.0}}}}}},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"24":{"tf":1.7320508075688772},"50":{"tf":1.0},"53":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"l":{"df":2,"docs":{"0":{"tf":1.0},"20":{"tf":1.0}}}},"p":{"df":1,"docs":{"9":{"tf":1.0}},"i":{"c":{"df":2,"docs":{"0":{"tf":1.0},"10":{"tf":1.0}}},"df":0,"docs":{}}},"t":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"52":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"x":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"_":{"b":{"d":{"df":0,"docs":{},"f":{"2":{"df":1,"docs":{"46":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"a":{"c":{"df":0,"docs":{},"e":{"df":1,"docs":{"15":{"tf":1.0}}}},"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"16":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":15,"docs":{"23":{"tf":1.0},"32":{"tf":1.7320508075688772},"34":{"tf":3.0},"35":{"tf":2.0},"36":{"tf":1.4142135623730951},"37":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"40":{"tf":2.8284271247461903},"41":{"tf":1.7320508075688772},"42":{"tf":1.0},"45":{"tf":1.0},"47":{"tf":1.7320508075688772},"48":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}}},"j":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":1,"docs":{"25":{"tf":1.0}}}}}},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"l":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"0":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"56":{"tf":1.0}}},"df":0,"docs":{}}},"i":{"df":1,"docs":{"6":{"tf":1.0}},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.0}}}}}}},"u":{"df":0,"docs":{},"e":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}}}},"s":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":4,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"49":{"tf":1.0},"9":{"tf":1.0}}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":1,"docs":{"18":{"tf":1.0}}}}},"w":{"df":0,"docs":{},"o":{"df":10,"docs":{"1":{"tf":2.0},"2":{"tf":2.23606797749979},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"5":{"tf":1.4142135623730951},"50":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951},"9":{"tf":1.4142135623730951}}}},"y":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"df":27,"docs":{"0":{"tf":1.0},"15":{"tf":1.7320508075688772},"2":{"tf":2.449489742783178},"20":{"tf":1.7320508075688772},"24":{"tf":3.3166247903554},"26":{"tf":1.4142135623730951},"28":{"tf":1.0},"29":{"tf":1.7320508075688772},"31":{"tf":1.0},"32":{"tf":2.0},"35":{"tf":3.872983346207417},"36":{"tf":2.449489742783178},"37":{"tf":2.449489742783178},"4":{"tf":1.7320508075688772},"40":{"tf":1.7320508075688772},"41":{"tf":5.0990195135927845},"42":{"tf":5.0990195135927845},"44":{"tf":2.23606797749979},"45":{"tf":2.8284271247461903},"46":{"tf":1.7320508075688772},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178},"53":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}},"i":{"c":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}},"u":{"(":{"df":0,"docs":{},"x":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":2,"docs":{"12":{"tf":1.0},"13":{"tf":1.4142135623730951}}}},"_":{"df":0,"docs":{},"i":{"df":7,"docs":{"15":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"j":{"df":1,"docs":{"15":{"tf":1.0}}},"n":{"(":{"df":0,"docs":{},"x":{"_":{"df":0,"docs":{},"n":{"^":{"df":1,"docs":{"18":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"p":{"(":{"df":0,"docs":{},"x":{"_":{"df":0,"docs":{},"p":{"^":{"df":1,"docs":{"18":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"{":{"df":0,"docs":{},"x":{"df":0,"docs":{},"x":{"df":1,"docs":{"13":{"tf":2.0}}}}}},"df":2,"docs":{"14":{"tf":1.4142135623730951},"44":{"tf":2.449489742783178}},"f":{"df":0,"docs":{},"l":{"df":1,"docs":{"11":{"tf":1.4142135623730951}}}},"n":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"30":{"tf":1.0}}}}}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"0":{"tf":1.0},"16":{"tf":1.0},"3":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"0":{"tf":1.0},"2":{"tf":1.0}}}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"10":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":1,"docs":{"11":{"tf":1.0}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":1,"docs":{"16":{"tf":1.0}}}}}},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"k":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":5,"docs":{"20":{"tf":1.0},"32":{"tf":1.0},"50":{"tf":1.0},"55":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772}}}}},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":20,"docs":{"15":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"4":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}},"p":{"d":{"a":{"df":0,"docs":{},"t":{"df":3,"docs":{"5":{"tf":1.4142135623730951},"7":{"tf":2.0},"8":{"tf":1.0}}}},"df":0,"docs":{}},"df":2,"docs":{"32":{"tf":1.0},"49":{"tf":1.0}},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"19":{"tf":1.0}}}}}},"s":{"df":50,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":1.0},"10":{"tf":1.0},"11":{"tf":2.0},"12":{"tf":1.0},"13":{"tf":2.0},"14":{"tf":1.4142135623730951},"15":{"tf":1.7320508075688772},"16":{"tf":1.0},"19":{"tf":1.4142135623730951},"2":{"tf":3.4641016151377544},"20":{"tf":3.0},"21":{"tf":1.4142135623730951},"22":{"tf":1.4142135623730951},"23":{"tf":3.0},"24":{"tf":3.4641016151377544},"25":{"tf":1.0},"26":{"tf":2.0},"28":{"tf":2.23606797749979},"29":{"tf":2.0},"3":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":2.449489742783178},"32":{"tf":3.0},"34":{"tf":1.4142135623730951},"35":{"tf":2.23606797749979},"36":{"tf":1.0},"37":{"tf":1.4142135623730951},"38":{"tf":1.0},"4":{"tf":2.23606797749979},"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.7320508075688772},"43":{"tf":2.23606797749979},"44":{"tf":3.0},"45":{"tf":3.0},"46":{"tf":3.1622776601683795},"47":{"tf":2.8284271247461903},"49":{"tf":2.8284271247461903},"5":{"tf":2.23606797749979},"50":{"tf":3.605551275463989},"52":{"tf":3.0},"53":{"tf":2.8284271247461903},"54":{"tf":1.0},"55":{"tf":1.4142135623730951},"56":{"tf":1.4142135623730951},"6":{"tf":2.6457513110645907},"7":{"tf":2.23606797749979},"8":{"tf":1.7320508075688772},"9":{"tf":2.0}},"e":{"c":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"43":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"r":{"df":11,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"21":{"tf":1.0},"22":{"tf":1.0},"23":{"tf":2.0},"26":{"tf":1.0},"33":{"tf":1.0},"49":{"tf":1.7320508075688772},"5":{"tf":1.4142135623730951},"53":{"tf":1.4142135623730951},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"z":{"df":5,"docs":{"35":{"tf":2.449489742783178},"36":{"tf":1.7320508075688772},"37":{"tf":1.7320508075688772},"41":{"tf":4.242640687119285},"42":{"tf":4.242640687119285}}}}},"}":{"df":0,"docs":{},"{":{"\\":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":2,"docs":{"12":{"tf":1.4142135623730951},"13":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}},"d":{"df":0,"docs":{},"x":{"^":{"2":{"df":1,"docs":{"14":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"v":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"v":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"d":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{":":{":":{"<":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"<":{"df":0,"docs":{},"f":{"6":{"4":{">":{">":{"(":{")":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{":":{":":{"<":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"<":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"[":{"0":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"1":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"0":{".":{"2":{".":{"1":{"df":1,"docs":{"54":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"9":{"tf":1.4142135623730951}}},":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"2":{"df":1,"docs":{"26":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"f":{"df":0,"docs":{},"n":{"(":{"1":{"0":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}},"z":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"(":{"2":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"[":{"0":{"df":11,"docs":{"24":{"tf":1.0},"26":{"tf":1.7320508075688772},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.4142135623730951},"32":{"tf":2.0},"35":{"tf":1.0},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"1":{"df":3,"docs":{"26":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951}}},"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}}},"_":{"0":{"df":3,"docs":{"13":{"tf":1.0},"26":{"tf":1.7320508075688772},"9":{"tf":1.0}}},"1":{"df":2,"docs":{"13":{"tf":1.0},"26":{"tf":1.0}}},"2":{"df":1,"docs":{"13":{"tf":1.0}}},"c":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":1,"docs":{"9":{"tf":1.7320508075688772}},"i":{"df":1,"docs":{"13":{"tf":1.0}}},"k":{"df":1,"docs":{"31":{"tf":1.4142135623730951}}},"r":{"df":1,"docs":{"31":{"tf":1.4142135623730951}}},"s":{"(":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}},"{":{"\\":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"t":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"x":{"df":1,"docs":{"19":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"19":{"tf":1.4142135623730951}}}}}}}}}}},"df":0,"docs":{},"i":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"n":{"+":{"1":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"p":{"1":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}},"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":10,"docs":{"2":{"tf":1.7320508075688772},"24":{"tf":1.0},"27":{"tf":1.0},"28":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"46":{"tf":2.0},"47":{"tf":1.4142135623730951},"53":{"tf":1.0},"55":{"tf":1.0},"8":{"tf":1.7320508075688772}}}},"r":{"df":0,"docs":{},"i":{"a":{"b":{"df":0,"docs":{},"l":{"df":11,"docs":{"1":{"tf":2.23606797749979},"18":{"tf":2.0},"20":{"tf":1.0},"26":{"tf":1.4142135623730951},"27":{"tf":1.0},"3":{"tf":2.0},"4":{"tf":1.0},"52":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"20":{"tf":1.0}}}}}}}},"c":{"df":1,"docs":{"6":{"tf":2.0}}},"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.7320508075688772}}}}},"df":24,"docs":{"18":{"tf":1.0},"19":{"tf":1.4142135623730951},"20":{"tf":1.7320508075688772},"24":{"tf":2.449489742783178},"26":{"tf":1.7320508075688772},"28":{"tf":1.0},"29":{"tf":1.0},"3":{"tf":2.0},"31":{"tf":3.3166247903554},"32":{"tf":2.0},"35":{"tf":3.7416573867739413},"36":{"tf":2.0},"37":{"tf":2.23606797749979},"4":{"tf":2.449489742783178},"40":{"tf":2.449489742783178},"41":{"tf":5.385164807134504},"42":{"tf":5.385164807134504},"45":{"tf":3.1622776601683795},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"7":{"tf":3.3166247903554},"9":{"tf":2.6457513110645907}},"e":{"c":{"!":{"[":{"(":{"0":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{".":{"0":{"df":1,"docs":{"49":{"tf":1.0}}},"6":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":3,"docs":{"20":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}},"<":{"_":{"df":3,"docs":{"2":{"tf":2.23606797749979},"4":{"tf":1.4142135623730951},"9":{"tf":1.4142135623730951}}},"d":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"32":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":1,"docs":{"49":{"tf":1.7320508075688772}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":18,"docs":{"1":{"tf":1.4142135623730951},"13":{"tf":1.4142135623730951},"14":{"tf":1.4142135623730951},"2":{"tf":1.0},"22":{"tf":1.7320508075688772},"24":{"tf":3.0},"26":{"tf":2.0},"3":{"tf":1.0},"31":{"tf":2.6457513110645907},"32":{"tf":2.0},"35":{"tf":1.7320508075688772},"40":{"tf":1.0},"45":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"52":{"tf":1.0},"53":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.23606797749979}}}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"c":{"df":3,"docs":{"3":{"tf":1.4142135623730951},"4":{"tf":1.7320508075688772},"7":{"tf":3.1622776601683795}}},"df":0,"docs":{}}},"r":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":1,"docs":{"21":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"df":1,"docs":{"55":{"tf":1.0}}},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":2,"docs":{"44":{"tf":1.0},"53":{"tf":1.4142135623730951}}}}}}}},"i":{"a":{"df":6,"docs":{"0":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"52":{"tf":1.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.0}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"18":{"tf":1.0}}}}},"t":{"a":{"df":0,"docs":{},"g":{"df":5,"docs":{"16":{"tf":1.0},"18":{"tf":1.0},"19":{"tf":1.4142135623730951},"20":{"tf":2.0},"9":{"tf":2.8284271247461903}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"a":{"df":1,"docs":{"2":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}}},"u":{"df":0,"docs":{},"m":{"df":4,"docs":{"10":{"tf":1.0},"11":{"tf":1.0},"17":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}}},"p":{"1":{"df":1,"docs":{"6":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"s":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}}}},"w":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":10,"docs":{"21":{"tf":1.0},"23":{"tf":2.0},"27":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":1.0},"43":{"tf":1.4142135623730951},"44":{"tf":1.4142135623730951},"50":{"tf":1.0}}}},"y":{"df":7,"docs":{"10":{"tf":1.0},"24":{"tf":1.0},"33":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.0},"5":{"tf":1.7320508075688772},"50":{"tf":1.7320508075688772}}}},"df":0,"docs":{},"e":{"'":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":2,"docs":{"28":{"tf":1.0},"3":{"tf":1.0}}}},"v":{"df":2,"docs":{"36":{"tf":1.0},"38":{"tf":1.0}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":4,"docs":{"0":{"tf":1.0},"35":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.0}}}}},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"df":1,"docs":{"24":{"tf":1.0}}},"df":0,"docs":{}}}}},"i":{"d":{"df":0,"docs":{},"e":{"df":3,"docs":{"0":{"tf":1.0},"20":{"tf":1.0},"8":{"tf":1.0}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":6,"docs":{"1":{"tf":1.0},"19":{"tf":1.0},"20":{"tf":1.0},"40":{"tf":1.0},"47":{"tf":1.4142135623730951},"50":{"tf":1.0}}}},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"1":{"tf":1.0},"23":{"tf":1.0}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"47":{"tf":1.0}}}}}}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":1,"docs":{"53":{"tf":1.0}}}}},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"56":{"tf":1.0}},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"24":{"tf":1.0},"45":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":10,"docs":{"1":{"tf":1.7320508075688772},"14":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.7320508075688772},"4":{"tf":1.0},"43":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":9,"docs":{"0":{"tf":1.4142135623730951},"2":{"tf":1.7320508075688772},"21":{"tf":1.0},"26":{"tf":1.0},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"56":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0}}}}}}},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":1,"docs":{"53":{"tf":1.7320508075688772}}}}}}},"x":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"4":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"x":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"=":{"0":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"1":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"[":{"0":{"df":13,"docs":{"24":{"tf":1.7320508075688772},"26":{"tf":2.0},"28":{"tf":2.0},"29":{"tf":2.0},"31":{"tf":2.6457513110645907},"32":{"tf":3.7416573867739413},"35":{"tf":1.7320508075688772},"41":{"tf":2.23606797749979},"42":{"tf":2.23606797749979},"46":{"tf":1.7320508075688772},"47":{"tf":1.7320508075688772},"49":{"tf":2.449489742783178},"50":{"tf":3.0}}},"1":{"df":1,"docs":{"26":{"tf":1.0}}},"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":2.449489742783178}}}},"^":{"2":{"df":2,"docs":{"12":{"tf":1.0},"13":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"_":{"1":{"df":1,"docs":{"13":{"tf":1.7320508075688772}}},"2":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"(":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"t":{"df":6,"docs":{"2":{"tf":1.0},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"x":{"df":2,"docs":{"15":{"tf":1.0},"2":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"i":{"^":{"df":1,"docs":{"18":{"tf":1.0}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"n":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}}},"df":24,"docs":{"12":{"tf":1.0},"13":{"tf":1.7320508075688772},"15":{"tf":1.0},"2":{"tf":3.872983346207417},"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"32":{"tf":2.449489742783178},"35":{"tf":1.4142135623730951},"37":{"tf":1.4142135623730951},"4":{"tf":2.449489742783178},"41":{"tf":2.0},"42":{"tf":2.0},"45":{"tf":2.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178},"54":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":2.8284271247461903}}},"y":{"(":{"0":{"df":1,"docs":{"31":{"tf":1.0}}},"df":0,"docs":{},"t":{"_":{"0":{"df":1,"docs":{"22":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},".":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"v":{"(":{"1":{".":{"0":{"df":1,"docs":{"37":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"/":{"df":0,"docs":{},"k":{"df":5,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"28":{"tf":1.0},"31":{"tf":1.7320508075688772},"35":{"tf":1.0}}}},"0":{"df":2,"docs":{"2":{"tf":2.6457513110645907},"45":{"tf":1.0}}},"1":{"df":1,"docs":{"2":{"tf":2.8284271247461903}}},"2":{"df":1,"docs":{"2":{"tf":2.8284271247461903}}},"[":{"0":{"]":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"x":{"(":{"df":0,"docs":{},"f":{"6":{"4":{":":{":":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"7":{"tf":1.0}}}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":15,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":2.0},"28":{"tf":1.7320508075688772},"29":{"tf":1.7320508075688772},"31":{"tf":2.0},"32":{"tf":2.8284271247461903},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"41":{"tf":2.23606797749979},"42":{"tf":2.23606797749979},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178},"7":{"tf":1.0}}},"1":{"df":2,"docs":{"26":{"tf":1.7320508075688772},"7":{"tf":1.4142135623730951}}},"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":2.0}}}},"^":{"2":{"df":1,"docs":{"31":{"tf":1.0}}},"df":0,"docs":{}},"_":{"0":{"(":{"df":0,"docs":{},"p":{"df":1,"docs":{"24":{"tf":1.4142135623730951}}},"t":{"_":{"0":{"df":1,"docs":{"22":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"/":{"df":0,"docs":{},"k":{"df":1,"docs":{"26":{"tf":1.4142135623730951}}}},"df":2,"docs":{"2":{"tf":2.449489742783178},"26":{"tf":1.7320508075688772}}},"1":{"df":1,"docs":{"26":{"tf":1.4142135623730951}}},"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"(":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"(":{"\"":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}},"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}}},"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"t":{"df":1,"docs":{"15":{"tf":1.0}}},"v":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}}}}},"x":{"df":1,"docs":{"4":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"7":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":23,"docs":{"15":{"tf":1.0},"2":{"tf":3.872983346207417},"20":{"tf":1.0},"22":{"tf":2.8284271247461903},"24":{"tf":2.23606797749979},"25":{"tf":1.0},"26":{"tf":2.6457513110645907},"28":{"tf":3.0},"29":{"tf":1.7320508075688772},"31":{"tf":2.8284271247461903},"32":{"tf":2.8284271247461903},"35":{"tf":1.7320508075688772},"36":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":2.23606797749979},"42":{"tf":2.23606797749979},"45":{"tf":2.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178},"54":{"tf":1.0},"7":{"tf":1.0}},"s":{".":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"(":{"0":{")":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"d":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"1":{")":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"d":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":4,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"49":{"tf":1.0},"9":{"tf":1.0}}}},"z":{"(":{"df":0,"docs":{},"t":{"df":1,"docs":{"22":{"tf":1.0}}}},"_":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"(":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"u":{"df":1,"docs":{"15":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":2,"docs":{"15":{"tf":1.0},"26":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":9,"docs":{"13":{"tf":1.0},"27":{"tf":1.0},"28":{"tf":1.0},"31":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.4142135623730951}},"t":{"df":0,"docs":{},"h":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}}},"title":{"root":{"a":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":2,"docs":{"21":{"tf":1.0},"23":{"tf":1.0}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"14":{"tf":1.0}}}}}}}}}},"b":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":1,"docs":{"7":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"16":{"tf":1.0}}}},"t":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"16":{"tf":1.0}}}}}}}},"d":{"df":0,"docs":{},"f":{"df":2,"docs":{"55":{"tf":1.0},"56":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":1,"docs":{"51":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}}}}},"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":1,"docs":{"46":{"tf":1.0}}}}}},"i":{"df":0,"docs":{},"r":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}},"df":0,"docs":{}}},"n":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"19":{"tf":1.0}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"36":{"tf":1.0}}}}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"t":{"df":1,"docs":{"44":{"tf":1.0}}}}}}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":1,"docs":{"33":{"tf":1.0}}}}}}}},"d":{"a":{"df":0,"docs":{},"e":{"df":1,"docs":{"8":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}},"t":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"29":{"tf":1.0}}}},"df":0,"docs":{}}}},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"13":{"tf":1.0}},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"10":{"tf":1.0}}}}}}}},"s":{"df":0,"docs":{},"l":{"df":3,"docs":{"43":{"tf":1.0},"44":{"tf":1.0},"56":{"tf":1.0}}},"o":{"df":0,"docs":{},"l":{"df":4,"docs":{"15":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.0},"23":{"tf":1.0}}}}}}},"s":{"c":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"5":{"tf":1.0}}}}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":1,"docs":{"29":{"tf":1.0}}}}},"y":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}},"df":0,"docs":{}}},"q":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"t":{"df":5,"docs":{"10":{"tf":1.0},"12":{"tf":1.0},"17":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.0}}}},"df":0,"docs":{}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"5":{"tf":1.0}}}}}},"x":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":6,"docs":{"12":{"tf":1.0},"26":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}}},"df":0,"docs":{}}}}}},"f":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"27":{"tf":1.0},"28":{"tf":1.0}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"w":{"a":{"df":0,"docs":{},"r":{"d":{"df":1,"docs":{"30":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"u":{"df":0,"docs":{},"n":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":4,"docs":{"28":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0},"37":{"tf":1.0}}}}}}},"df":0,"docs":{}}}},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"40":{"tf":1.0}}}}},"h":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"12":{"tf":1.0}}}},"df":0,"docs":{}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"3":{"tf":1.0}}}}}}}},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":3,"docs":{"15":{"tf":1.0},"39":{"tf":1.0},"41":{"tf":1.0}}}}}}}}}},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"47":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":2,"docs":{"35":{"tf":1.0},"37":{"tf":1.0}}}},"df":1,"docs":{"14":{"tf":1.0}}}}}},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":3,"docs":{"25":{"tf":1.0},"4":{"tf":1.0},"8":{"tf":1.0}}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":2,"docs":{"25":{"tf":1.0},"8":{"tf":1.0}}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"d":{"df":3,"docs":{"13":{"tf":1.0},"14":{"tf":1.0},"53":{"tf":1.0}}},"df":0,"docs":{}}}}},"o":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":6,"docs":{"0":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"6":{"tf":1.0}}}}},"df":0,"docs":{}}},"n":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"35":{"tf":1.0}}}}},"o":{"d":{"df":6,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.0},"3":{"tf":1.0},"38":{"tf":1.0}},"e":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":2,"docs":{"39":{"tf":1.0},"41":{"tf":1.0}}}}}}},"df":0,"docs":{},"r":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"1":{"tf":1.0},"3":{"tf":1.0},"40":{"tf":1.0}}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"t":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"18":{"tf":1.0}}}}}}}},"p":{"a":{"c":{"df":0,"docs":{},"k":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"11":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"10":{"tf":1.0}}}},"c":{"df":0,"docs":{},"l":{"df":3,"docs":{"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0}}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"e":{"df":1,"docs":{"10":{"tf":1.0}}}},"df":0,"docs":{},"h":{"df":0,"docs":{},"y":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"16":{"tf":1.0}}},"df":0,"docs":{}}}}},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"e":{"d":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":10,"docs":{"21":{"tf":1.0},"23":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":1.0},"42":{"tf":1.0},"45":{"tf":1.0},"48":{"tf":1.0},"49":{"tf":1.0},"52":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":1,"docs":{"54":{"tf":1.0}}}}}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":3,"docs":{"27":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":3,"docs":{"30":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.0}}}}}}},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"16":{"tf":1.0}}}}},"n":{"df":0,"docs":{},"g":{"df":0,"docs":{},"l":{"df":3,"docs":{"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0}}}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"50":{"tf":1.0}}}},"v":{"df":5,"docs":{"20":{"tf":1.0},"29":{"tf":1.0},"32":{"tf":1.0},"48":{"tf":1.0},"49":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"46":{"tf":1.0},"55":{"tf":1.0}}}}}}},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"45":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":3,"docs":{"21":{"tf":1.0},"28":{"tf":1.0},"31":{"tf":1.0}}}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":1,"docs":{"4":{"tf":1.0}}}}}}},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":1,"docs":{"17":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"50":{"tf":1.0}}}},"o":{"df":0,"docs":{},"p":{"df":1,"docs":{"19":{"tf":1.0}}}},"r":{"df":0,"docs":{},"u":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"33":{"tf":1.0}}}},"df":0,"docs":{}}}},"y":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":2,"docs":{"38":{"tf":1.0},"4":{"tf":1.0}}}}}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"52":{"tf":1.0}}}}},"r":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":4,"docs":{"34":{"tf":1.0},"39":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0}}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"s":{"df":2,"docs":{"11":{"tf":1.0},"20":{"tf":1.0}}}},"v":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{},"i":{"a":{"df":1,"docs":{"8":{"tf":1.0}}},"df":0,"docs":{}}}}}},"lang":"English","pipeline":["trimmer","stopWordFilter","stemmer"],"ref":"id","version":"0.9.5"},"results_options":{"limit_results":30,"teaser_word_count":30},"search_options":{"bool":"OR","expand":true,"fields":{"body":{"boost":1},"breadcrumbs":{"boost":1},"title":{"boost":2}}}}); \ No newline at end of file diff --git a/searchindex.json b/searchindex.json index 58aa400..7fddf8e 100644 --- a/searchindex.json +++ b/searchindex.json @@ -1 +1 @@ -{"doc_urls":["primer/modelling_with_odes.html#modelling-with-odes","primer/first_order_odes.html#explicit-first-order-odes","primer/population_dynamics.html#population-dynamics---predator-prey-model","primer/higher_order_odes.html#higher-order-odes","primer/spring_mass_systems.html#example-spring-mass-systems","primer/discrete_events.html#discrete-events","primer/compartmental_models_of_drug_delivery.html#example-compartmental-models-of-drug-delivery","primer/bouncing_ball.html#example-bouncing-ball","primer/the_mass_matrix.html#daes-via-the-mass-matrix","primer/electrical_circuits.html#example-electrical-circuits","specify/specifying_the_problem.html#diffsol-apis-for-specifying-problems","specify/specifying_the_problem.html#ode-equations","specify/specifying_the_problem.html#diffsol-problem-apis","specify/ode_equations.html#ode-equations","specify/mass_matrix.html#mass-matrix","specify/mass_matrix.html#example","specify/root_finding.html#root-finding","specify/root_finding.html#specifying-the-root-finding-function","specify/root_finding.html#detecting-roots-during-the-solve","specify/forward_sensitivity.html#forward-sensitivity","specify/forward_sensitivity.html#specifying-the-sensitivity-problem","specify/forward_sensitivity.html#solving-the-sensitivity-problem","specify/custom/custom_problem_structs.html#custom-problem-structs","specify/custom/custom_problem_structs.html#traits","specify/custom/non_linear_functions.html#non-linear-functions","specify/custom/constant_functions.html#constant-functions","specify/custom/linear_functions.html#linear-functions","specify/custom/ode_systems.html#ode-systems","specify/custom/ode_systems.html#implementing-the-odeequations-trait","specify/custom/ode_systems.html#getting-all-your-traits-in-order","specify/custom/ode_systems.html#implementing-the-odeequations-traits","specify/custom/ode_systems.html#creating-the-problem","specify/diffsl.html#diffsl","specify/diffsl.html#diffsl-context","specify/sparse_problems.html#sparse-problems","choosing_a_solver.html#choosing-a-solver","choosing_a_solver.html#initialisation","solving_the_problem.html#solving-the-problem","solving_the_problem.html#solving-the-problem-1","solving_the_problem.html#stepping-the-solution","benchmarks.html#benchmarks","benchmarks.html#test-problems","benchmarks.html#method","benchmarks.html#results","benchmarks.html#bdf-solver","benchmarks.html#bdf--diffsl"],"index":{"documentStore":{"docInfo":{"0":{"body":236,"breadcrumbs":4,"title":2},"1":{"body":270,"breadcrumbs":10,"title":4},"10":{"body":54,"breadcrumbs":8,"title":4},"11":{"body":78,"breadcrumbs":6,"title":2},"12":{"body":93,"breadcrumbs":7,"title":3},"13":{"body":263,"breadcrumbs":8,"title":2},"14":{"body":42,"breadcrumbs":8,"title":2},"15":{"body":211,"breadcrumbs":7,"title":1},"16":{"body":21,"breadcrumbs":8,"title":2},"17":{"body":137,"breadcrumbs":10,"title":4},"18":{"body":106,"breadcrumbs":10,"title":4},"19":{"body":25,"breadcrumbs":8,"title":2},"2":{"body":587,"breadcrumbs":14,"title":5},"20":{"body":194,"breadcrumbs":9,"title":3},"21":{"body":228,"breadcrumbs":9,"title":3},"22":{"body":24,"breadcrumbs":10,"title":3},"23":{"body":74,"breadcrumbs":8,"title":1},"24":{"body":228,"breadcrumbs":13,"title":3},"25":{"body":71,"breadcrumbs":11,"title":2},"26":{"body":90,"breadcrumbs":11,"title":2},"27":{"body":17,"breadcrumbs":11,"title":2},"28":{"body":11,"breadcrumbs":12,"title":3},"29":{"body":132,"breadcrumbs":12,"title":3},"3":{"body":141,"breadcrumbs":8,"title":3},"30":{"body":355,"breadcrumbs":12,"title":3},"31":{"body":375,"breadcrumbs":11,"title":2},"32":{"body":70,"breadcrumbs":6,"title":1},"33":{"body":145,"breadcrumbs":7,"title":2},"34":{"body":349,"breadcrumbs":8,"title":2},"35":{"body":209,"breadcrumbs":4,"title":2},"36":{"body":171,"breadcrumbs":3,"title":1},"37":{"body":10,"breadcrumbs":4,"title":2},"38":{"body":206,"breadcrumbs":4,"title":2},"39":{"body":318,"breadcrumbs":4,"title":2},"4":{"body":174,"breadcrumbs":13,"title":4},"40":{"body":23,"breadcrumbs":2,"title":1},"41":{"body":198,"breadcrumbs":3,"title":2},"42":{"body":241,"breadcrumbs":2,"title":1},"43":{"body":56,"breadcrumbs":2,"title":1},"44":{"body":145,"breadcrumbs":3,"title":2},"45":{"body":99,"breadcrumbs":3,"title":2},"5":{"body":179,"breadcrumbs":6,"title":2},"6":{"body":524,"breadcrumbs":14,"title":5},"7":{"body":341,"breadcrumbs":10,"title":3},"8":{"body":233,"breadcrumbs":10,"title":4},"9":{"body":349,"breadcrumbs":12,"title":3}},"docs":{"0":{"body":"Ordinary Differential Equations (ODEs) are a powerful tool for modelling a wide range of physical systems. Unlike purely data-driven models, ODEs are based on the underlying physics, biology, or chemistry of the system being modelled. This makes them particularly useful for predicting the behaviour of a system under conditions that have not been observed before. In this section, we will introduce the basics of ODE modelling, and illustrate their use with a series of examples written using the DiffSol crate. The topics covered in this section are: First Order ODEs : First order ODEs are the simplest type of ODE. Any ODE system can be written as a set of first order ODEs, so libraries like DiffSol are designed such that the user provides their equations in this form. Example: Population Dynamics : A simple example of a first order ODE system, modelling the interaction of predator and prey populations. Higher Order ODEs : Higher order ODEs are ODEs that involve derivatives of order higher than one. These can be converted to a system of first order ODEs, which is the form that DiffSol expects. Example: Spring-mass systems : A simple example of a higher order ODE system, modelling the motion of a damped spring-mass system. Discrete Events : Discrete events are events that occur at specific times or when the system is in a particular state, rather than continuously. These can be modelled using ODEs by treating the events as changes in the system's state. DiffSol provides an API to detect and handle these events. Example: Compartmental models of Drug Delivery : Pharmacokinetic models are a common example of systems with discrete events, where the drug is absorbed, distributed, metabolised, and excreted by the body. The drug is often administered at discrete times, and the model must account for this. Example: Bouncing Ball : A simple example of a system where the discrete event occurs when the ball hits the ground, instead of a specific time. DAEs via the Mass Matrix : Differential Algebraic Equations (DAEs) are a generalisation of ODEs that include algebraic equations as well as differential equations. DiffSol can solve DAEs by treating them as ODEs with a mass matrix. This section explains how to use the mass matrix to solve DAEs. Example: Electrical Circuits : Electrical circuits are a common example of DAEs, here we will model a simple low-pass LRC filter circuit.","breadcrumbs":"Modelling with ODEs » Modelling with ODEs","id":"0","title":"Modelling with ODEs"},"1":{"body":"Ordinary Differential Equations (ODEs) are sometimes called rate equations because they describe how the rate of change of a system depends on its current state . For example, lets assume we wish to model the growth of a population of cells within a petri dish. We could define the state of the system as the concentration of cells in the dish, and assign this state to a variable \\(c\\). The rate of change of the system would then be the rate at which the concentration of cells changes with time, which we could denote as \\(\\frac{dc}{dt}\\). We know that our cells will grow at a rate proportional to the current concentration of cells, so we could write this as: \\[ \\frac{dc}{dt} = k c \\] where \\(k\\) is a constant that describes the growth rate of the cells. This is a first order ODE, because it involves only the first derivative of the state variable \\(c\\) with respect to time. We can write down a general form for a first order ODE as: We can also use the same form to solve a coupled set of equations, say we had two populations of cells in the same dish that grow with different rates. We could define the state of the system as the concentrations of the two cell populations, and assign these states to variables \\(c_1\\) and \\(c_2\\). We could then write down both equations as: \\[ \\begin{align*} \\frac{dc_1}{dt} &= k_1 c_1 \\\\ \\frac{dc_2}{dt} &= k_2 c_2 \\end{align*} \\] then combine them in a vector form as: \\[ \\begin{bmatrix} \\frac{dc_1}{dt} \\\\ \\frac{dc_2}{dt} \\end{bmatrix} = \\begin{bmatrix} k_1 c_1 \\\\ k_2 c_2 \\end{bmatrix} \\] By defining a new vector of state variables \\(\\mathbf{y} = [c_1, c_2]\\) and a a function \\(\\mathbf{f}(\\mathbf{y}, t) = \\begin{bmatrix} k_1 c_1 \\\\ k_2 c_2 \\end{bmatrix}\\), we are left with the standard form of a explicit first order ODE system: \\[ \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] This is an explicit equation for the derivative of the state, \\(\\frac{d\\mathbf{y}}{dt}\\), as a function of only of the state variables \\(\\mathbf{y}\\) and of time \\(t\\). We need one more piece of information to solve this system of ODEs: the initial conditions for the populations at time \\(t = 0\\). For example, if we started with a concentration of 10 for the first population and 5 for the second population, we would write: \\[ \\mathbf{y}(0) = \\begin{bmatrix} 10 \\\\ 5 \\end{bmatrix} \\] Many ODE solver libraries, like DiffSol, require users to provide their ODEs in the form of a set of explicit first order ODEs. Given both the system of ODEs and the initial conditions, the solver can then integrate the equations forward in time to find the solution \\(\\mathbf{y}(t)\\). This is the general process for solving ODEs, so it is important to know how to translate your problem into a set of first order ODEs, and thus to the general form of a explicit first order ODE system shown above. In the next two sections, we will look at two examples of first order ODE systems: population dynamics and infectious disease, and solve them using DiffSol.","breadcrumbs":"Modelling with ODEs » Explicit First Order ODEs » Explicit First Order ODEs","id":"1","title":"Explicit First Order ODEs"},"10":{"body":"Most of the DiffSol user-facing API revolves around specifying the problem you want to solve, thus a large part of this book will be dedicated to explaining how to specify a problem. All the examples presented in the primer used the DiffSL DSL to specify the problem, but DiffSol also provides a pure Rust API for specifying problems. This API is sometimes more verbose than the DSL, but is more flexible, more performant, and easier to use if you have a model already written in Rust or another language that you can easily port or call from Rust.","breadcrumbs":"DiffSol APIs for specifying problems » DiffSol APIs for specifying problems","id":"10","title":"DiffSol APIs for specifying problems"},"11":{"body":"The class of ODE equations that DiffSol can solve are of the form \\[M(t) \\frac{dy}{dt} = f(t, y, p),\\] \\[y(t_0) = y_0(t_0, p),\\] \\[z(t) = g(t, y, p),\\] where: \\(f(t, y, p)\\) is the right-hand side of the ODE, \\(y\\) is the state vector, \\(p\\) are the parameters, \\(t\\) is the time. \\(y_0(t_0, p)\\) is the initial state vector at time \\(t_0\\). \\(M(t)\\) is the mass matrix (this is optional, and is implicitly the identity matrix if not specified), \\(g(t, y, p)\\) is an output function that can be used to calculate additional outputs from the state vector (this is optional, and is implicitly \\(g(t, y, p) = y\\) if not specified). The user can also optionally specify a root function \\(r(t, y, p)\\) that can be used to find the time at which a root occurs.","breadcrumbs":"DiffSol APIs for specifying problems » ODE equations","id":"11","title":"ODE equations"},"12":{"body":"DiffSol has three main APIs for specifying problems: The OdeBuilder struct, where the user can specify the functions above using Rust closures. This is the easiest API to use from Rust, and is the recommended API for most users. The OdeEquations trait where the user can implement the functions above on their own structs. This API is more flexible than the OdeBuilder API, but is more complex to use. It is useful if you have custom data structures and code that you want to use to evaluate your functions that does not fit within the OdeBuilder API. The DiffSl struct, where the user can specify the functions above using the DiffSL Domain Specific Language (DSL). This API is behind a feature flag (diffsl if you want to use the slower cranelift backend, diffsl-llvm* if you want to use the faster LLVM backend), but has the best API if you want to use DiffSL from a higher-level language like Python or R while still having similar performance.","breadcrumbs":"DiffSol APIs for specifying problems » DiffSol problem APIs","id":"12","title":"DiffSol problem APIs"},"13":{"body":"The simplest way to create a new ode problem is to use the OdeBuilder struct. You can use methods to set the equations to be solve, initial time, initial step size, relative & absolute tolerances, and parameters, or leave them at their default values. Then, call the build method to create a new problem. Below is an example of how to create a new ODE problem using the OdeBuilder struct. The specific problem we will solve is the logistic equation \\[\\frac{dy}{dt} = r y (1 - y/K),\\] where \\(r\\) is the growth rate and \\(K\\) is the carrying capacity. To specify the problem, we need to provide the \\(dy/dt\\) function \\(f(y, p, t)\\), and the jacobian of \\(f\\) multiplied by a vector \\(v\\) function, which we will call \\(f'(y, p, t, v)\\). That is \\[f(y, p, t) = r y (1 - y/K),\\] \\[f'(y, p, t, v) = rv (1 - 2y/K),\\] and the initial state \\[y_0(p, t) = 0.1\\] This can be done using the following code: # fn main() {\nuse diffsol::OdeBuilder;\nuse nalgebra::DVector;\ntype M = nalgebra::DMatrix; let problem = OdeBuilder::::new() .t0(0.0) .rtol(1e-6) .atol([1e-6]) .p(vec![1.0, 10.0]) .rhs_implicit( |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]), |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]), ) .init( |_p, _t| DVector::from_element(1, 0.1), ) .build() .unwrap();\n# } The rhs_implicit method is used to specify the \\(f(y, p, t)\\) and \\(f'(y, p, t, v)\\) functions, whereas the init method is used to specify the initial state vector \\(y_0(p, t)\\). We also use the t0, rtol, atol, and p methods to set the initial time, relative tolerance, absolute tolerance, and parameters, respectively. We have also specified the matrix type M to be nalgebra::DMatrix, using a generic parameter of the OdeBuilder struct. The nalgebra::DMatrix type is a dense matrix type from the nalgebra crate. Other options are: faer::Mat from faer , which is a dense matrix type. diffsol::SparseColMat, which is a thin wrapper around faer::sparse::SparseColMat, a sparse compressed sparse column matrix type. Each of these matrix types have an associated vector type that is used to represent the vectors in the problem (i.e. the state vector \\(y\\), the parameter vector \\(p\\), and the gradient vector \\(v\\)). You can see in the example above that the DVector type is explicitly used to create the initial state vector in the third closure. For these matrix types the associated vector type is: nalgebra::DVector for nalgebra::DMatrix. faer::Col for faer::Mat. faer::Coll for diffsol::SparseColMat.","breadcrumbs":"DiffSol APIs for specifying problems » ODE equations » ODE equations","id":"13","title":"ODE equations"},"14":{"body":"In some cases, it is necessary to include a mass matrix in the problem, such that the problem is of the form \\[M(t) \\frac{dy}{dt} = f(t, y, p).\\] A mass matrix is useful for PDE discretisation that lead to a non-identity mass matrix, or for DAE problems that can be transformed into ODEs with a singular mass matrix. Diffsol can handle singular and non-singular mass matrices, and the mass matrix can be time-dependent.","breadcrumbs":"DiffSol APIs for specifying problems » Mass matrix » Mass matrix","id":"14","title":"Mass matrix"},"15":{"body":"To illustrate the addition of a mass matrix to a problem, we will once again take the logistic equation, but this time we will add an additional variable that is set via an algebraic equation. This system is written as \\[\\frac{dy}{dt} = r y (1 - y/K),\\] \\[0 = y - z,\\] where \\(z\\) is the additional variable with a solution \\(z = y\\). When this system is put in the form \\(M(t) \\frac{dy}{dt} = f(t, y, p)\\), the mass matrix is \\[M(t) = \\begin{bmatrix} 1 & 0 \\\\ 0 & 0 \\end{bmatrix}.\\] Like the Jacobian, the DiffSol builder does not require the full mass matrix, instead users can provide a function that gives a GEMV (General Matrix-Vector) product of the mass matrix with a vector. \\[m(\\mathbf{v}, \\mathbf{p}, t, \\beta, \\mathbf{y}) = M(p, t) \\mathbf{v} + \\beta \\mathbf{y}. \\] Thus, to specify this problem using DiffSol, we can use the OdeBuilder struct and provide the functions: \\[f(\\mathbf{y}, \\mathbf{p}, t) = \\begin{bmatrix} r y_0 (1 - y_0/K) \\\\ y_0 - y_1 \\end{bmatrix},\\] \\[f'(\\mathbf{y}, \\mathbf{p}, t, \\mathbf{v}) = \\begin{bmatrix} r v_0 (1 - 2 y_0/K) \\\\ v_0 - v_1 \\end{bmatrix},\\] \\[m(\\mathbf{v}, \\mathbf{p}, t, \\beta, \\mathbf{y}) = \\begin{bmatrix} v_0 + \\beta y_0 \\\\ \\beta y_1 \\end{bmatrix}.\\] where \\(f\\) is the right-hand side of the ODE, \\(f'\\) is the Jacobian of \\(f\\) multiplied by a vector, and \\(m\\) is the mass matrix multiplied by a vector. # fn main() {\nuse diffsol::OdeBuilder;\nuse nalgebra::{DMatrix, DVector};\ntype M = DMatrix;\ntype V = DVector; let problem = OdeBuilder::::new() .t0(0.0) .rtol(1e-6) .atol([1e-6]) .p(vec![1.0, 10.0]) .rhs_implicit( |x, p, _t, y| { y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]); y[1] = x[0] - x[1]; }, |x, p, _t, v , y| { y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]); y[1] = v[0] - v[1]; }, ) .mass( |v, _p, _t, beta, y| { y[0] = v[0] + beta * y[0]; y[1] *= beta; }, ) .init(|_p, _t| V::from_element(2, 0.1)) .build() .unwrap();\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Mass matrix » Example","id":"15","title":"Example"},"16":{"body":"Root finding is the process of finding the values of the variables that make a set of equations equal to zero. This is a common problem where you want to stop the solver or perform some action when a certain condition is met.","breadcrumbs":"DiffSol APIs for specifying problems » Root finding » Root finding","id":"16","title":"Root finding"},"17":{"body":"Using the logistic example, we can add a root finding function \\(r(y, p, t)\\) that will stop the solver when the value of \\(y\\) is such that \\(r(y, p, t) = 0\\). For this example we'll use the root finding function \\(r(y, p, t) = y - 0.5\\), which will stop the solver when the value of \\(y\\) is 0.5. \\[\\frac{dy}{dt} = r y (1 - y/K),\\] \\[r(y, p, t) = y - 0.5,\\] This can be done using the OdeBuilder via the following code: # fn main() {\nuse diffsol::OdeBuilder;\nuse nalgebra::DVector;\ntype M = nalgebra::DMatrix; let problem = OdeBuilder::::new() .t0(0.0) .rtol(1e-6) .atol([1e-6]) .p(vec![1.0, 10.0]) .rhs_implicit( |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]), |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]), ) .init(|_p, _t| DVector::from_element(1, 0.1)) .root(|x, _p, _t, y| y[0] = x[0] - 0.5, 1) .build() .unwrap();\n# } here we have added the root finding function \\(r(y, p, t) = y - 0.5\\), and also let DiffSol know that we have one root function by passing 1 as the last argument to the root method. If we had specified more than one root function, the solver would stop when any of the root functions are zero.","breadcrumbs":"DiffSol APIs for specifying problems » Root finding » Specifying the root finding function","id":"17","title":"Specifying the root finding function"},"18":{"body":"To detect the root during the solve, we can use the return type on the step method of the solver. If successful the step method returns an OdeSolverStopReason enum that contains the reason the solver stopped. # fn main() {\n# use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverMethod, OdeSolverStopReason, NalgebraLU};\ntype LS = NalgebraLU; # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .root(|x, _p, _t, y| y[0] = x[0] - 0.5, 1)\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet t = loop { match solver.step() { Ok(OdeSolverStopReason::InternalTimestep) => continue, Ok(OdeSolverStopReason::TstopReached) => panic!(\"We didn't set a stop time\"), Ok(OdeSolverStopReason::RootFound(t)) => break t, Err(e) => panic!(\"Solver failed to converge: {}\", e), }\n};\nprintln!(\"Root found at t = {}\", t);\nlet _soln = &solver.state().y;\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Root finding » Detecting roots during the solve","id":"18","title":"Detecting roots during the solve"},"19":{"body":"In this section we will discuss how to compute the forward sensitivity of the solution of an ODE problem. The forward sensitivity is the derivative of the solution with respect to the parameters of the problem. This is useful for many applications, such as parameter estimation, optimal control, and uncertainty quantification.","breadcrumbs":"DiffSol APIs for specifying problems » Forward Sensitivity » Forward Sensitivity","id":"19","title":"Forward Sensitivity"},"2":{"body":"In this example, we will model the population dynamics of a predator-prey system using a set of first order ODEs. The Lotka-Volterra equations are a classic example of a predator-prey model, and describe the interactions between two species in an ecosystem. The first species is a prey species, which we will call \\(x\\), and the second species is a predator species, which we will call \\(y\\). The rate of change of the prey population is governed by two terms: growth and predation. The growth term represents the natural increase in the prey population in the absence of predators, and is proportional to the current population of prey. The predation term represents the rate at which the predators consume the prey, and is proportional to the product of the prey and predator populations. The rate of change of the prey population can be written as: \\[ \\frac{dx}{dt} = a x - b x y \\] where \\(a\\) is the growth rate of the prey population, and \\(b\\) is the predation rate. The rate of change of the predator population is also governed by two terms: death and growth. The death term represents the natural decrease in the predator population in the absence of prey, and is proportional to the current population of predators. The growth term represents the rate at which the predators reproduce, and is proportional to the product of the prey and predator populations, since the predators need to consume the prey to reproduce. The rate of change of the predator population can be written as: \\[ \\frac{dy}{dt} = c x y - d y \\] where \\(c\\) is the reproduction rate of the predators, and \\(d\\) is the death rate. The Lotka-Volterra equations are a simple model of predator-prey dynamics, and make several assumptions that may not hold in real ecosystems. For example, the model assumes that the prey population grows exponentially in the absence of predators, that the predator population decreases linearly in the absence of prey, and that the spatial distribution of the species has no effect. Despite these simplifications, the Lotka-Volterra equations capture some of the essential features of predator-prey interactions, such as oscillations in the populations and the dependence of each species on the other. When modelling with ODEs, it is important to consider the simplest model that captures the behaviour of interest, and to be aware of the assumptions that underlie the model. Putting the two equations together, we have a system of two first order ODEs: \\[ \\frac{x}{dt} = a x - b x y \\\\ \\frac{y}{dt} = c x y - d y \\] which can be written in vector form as: \\[ \\begin{bmatrix} \\frac{dx}{dt} \\\\ \\frac{dy}{dt} \\end{bmatrix} = \\begin{bmatrix} a x - b x y \\\\ c x y - d y \\end{bmatrix} \\] or in the general form of a first order ODE system: \\[ \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] where \\[\\mathbf{y} = \\begin{bmatrix} x \\\\ y \\end{bmatrix} \\] and \\[\\mathbf{f}(\\mathbf{y}, t) = \\begin{bmatrix} a x - b x y \\\\ c x y - d y \\end{bmatrix}\\] We also have initial conditions for the populations at time \\(t = 0\\). We can set both populations to 1 at the start like so: \\[ \\mathbf{y}(0) = \\begin{bmatrix} 1 \\\\ 1 \\end{bmatrix} \\] Let's solve this system of ODEs using the DiffSol crate. We will use the DiffSL domain-specific language to specify the problem. We could have also used Rust closures , but this allows us to illustrate the modelling process with a minimum of Rust syntax. # fn main() {\n# use std::fs;\nuse diffsol::{ DiffSl, CraneliftModule, OdeBuilder, OdeSolverMethod\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\ntype M = nalgebra::DMatrix;\ntype LS = diffsol::NalgebraLU;\ntype CG = CraneliftModule; let eqn = DiffSl::::compile(\" a { 2.0/3.0 } b { 4.0/3.0 } c { 1.0 } d { 1.0 } u_i { y1 = 1, y2 = 1, } F_i { a * y1 - b * y1 * y2, c * y1 * y2 - d * y2, }\n\").unwrap();\nlet problem = OdeBuilder::::new() .build_from_eqn(eqn).unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet (ys, ts) = solver.solve(40.0).unwrap(); let prey: Vec<_> = ys.row(0).into_iter().copied().collect();\nlet predator: Vec<_> = ys.row(1).into_iter().copied().collect();\nlet time: Vec<_> = ts.into_iter().collect(); let prey = Scatter::new(time.clone(), prey).mode(Mode::Lines).name(\"Prey\");\nlet predator = Scatter::new(time, predator).mode(Mode::Lines).name(\"Predator\"); let mut plot = Plot::new();\nplot.add_trace(prey);\nplot.add_trace(predator); let layout = Layout::new() .x_axis(Axis::new().title(\"t\")) .y_axis(Axis::new().title(\"population\"));\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"prey-predator\"));\n# fs::write(\"../src/primer/images/prey-predator.html\", plot_html).expect(\"Unable to write file\");\n# } A phase plane plot of the predator-prey system is a useful visualisation of the dynamics of the system. This plot shows the prey population on the x-axis and the predator population on the y-axis. Trajectories in the phase plane represent the evolution of the populations over time. Lets reframe the equations to introduce a new parameter \\(y_0\\) which is the initial predator and prey population. We can then plot the phase plane for different values of \\(y_0\\) to see how the system behaves for different initial conditions. Our initial conditions are now: \\[ \\mathbf{y}(0) = \\begin{bmatrix} y_0 \\\\ y_0 \\end{bmatrix} \\] so we can solve this system for different values of \\(y_0\\) and plot the phase plane for each case. We will use similar code as above, but we will introduce our new parameter and loop over different values of \\(y_0\\) # fn main() {\n# use std::fs;\nuse diffsol::{ DiffSl, CraneliftModule, OdeBuilder, OdeSolverMethod, OdeEquations\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\ntype M = nalgebra::DMatrix;\ntype LS = diffsol::NalgebraLU;\ntype CG = CraneliftModule; let eqn = DiffSl::::compile(\" in = [ y0 ] y0 { 1.0 } a { 2.0/3.0 } b { 4.0/3.0 } c { 1.0 } d { 1.0 } u_i { y1 = y0, y2 = y0, } F_i { a * y1 - b * y1 * y2, c * y1 * y2 - d * y2, }\n\").unwrap(); let mut problem = OdeBuilder::::new().p([1.0]).build_from_eqn(eqn).unwrap(); let mut plot = Plot::new();\nfor y0 in (1..6).map(f64::from) { let p = nalgebra::DVector::from_element(1, y0); problem.eqn_mut().set_params(&p); let mut solver = problem.bdf::().unwrap(); let (ys, _ts) = solver.solve(40.0).unwrap(); let prey: Vec<_> = ys.row(0).into_iter().copied().collect(); let predator: Vec<_> = ys.row(1).into_iter().copied().collect(); let phase = Scatter::new(prey, predator) .mode(Mode::Lines).name(format!(\"y0 = {}\", y0)); plot.add_trace(phase);\n} let layout = Layout::new() .x_axis(Axis::new().title(\"x\")) .y_axis(Axis::new().title(\"y\"));\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"prey-predator2\"));\n# fs::write(\"../src/primer/images/prey-predator2.html\", plot_html).expect(\"Unable to write file\");\n# }","breadcrumbs":"Modelling with ODEs » Explicit First Order ODEs » Example: Population Dynamics » Population Dynamics - Predator-Prey Model","id":"2","title":"Population Dynamics - Predator-Prey Model"},"20":{"body":"We will again use the example of the logistic growth equation, but this time we will compute the sensitivity of the solution \\(y\\) with respect to the parameters \\(r\\) and \\(K\\) (i.e. \\(\\frac{dy}{dr}\\) and \\(\\frac{dy}{dK}\\)). The logistic growth equation is: \\[\\frac{dy}{dt} = r y (1 - y/K),\\] \\[y(0) = 0.1\\] Recall from ODE equations that we also need to provide the jacobian of the right hand side of the ODE with respect to the state vector \\(y\\) and the gradient vector \\(v\\), which we will call \\(J\\). This is: \\[J v = \\begin{bmatrix} r v (1 - 2 y/K) \\end{bmatrix}.\\] Using the logistic growth equation above, we can compute the partial derivative of the right hand side of the ODE with respect to the vector \\([r, K]\\) multiplied by a vector \\(v = [v_r, v_K]\\), which we will call \\(J_p v\\). This is: \\[J_p v = v_r y (1 - y/K) + v_K r y^2 / K^2 .\\] We also need the partial derivative of the initial state vector with respect to the parameters multiplied by a vector \\(v\\), which we will call \\(J_{y_0} v\\). Since the initial state vector is constant, this is just zero \\[J_{y_0} v = 0.\\] We can then use the OdeBuilder struct to specify the sensitivity problem. The rhs_sens_implicit and init_sens methods are used to create a new problem that includes the sensitivity equations. # fn main() {\nuse diffsol::OdeBuilder;\nuse nalgebra::DVector;\ntype M = nalgebra::DMatrix; let problem = OdeBuilder::::new() .p(vec![1.0, 10.0]) .rhs_sens_implicit( |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]), |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]), |x, p, _t, v, y| y[0] = v[0] * x[0] * (1.0 - x[0] / p[1]) + v[1] * p[0] * x[0] * x[0] / (p[1] * p[1]), ) .init_sens( |_p, _t| DVector::from_element(1, 0.1), |_p, _t, _v, y| y[0] = 0.0, ) .build() .unwrap();\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Forward Sensitivity » Specifying the sensitivity problem","id":"20","title":"Specifying the sensitivity problem"},"21":{"body":"Once the sensitivity problem has been specified, we can solve it using the OdeSolverMethod trait. Lets imagine we want to solve the sensitivity problem up to a time \\(t_o = 10\\). We can use the OdeSolverMethod trait to solve the problem as normal, stepping forward in time until we reach \\(t_o\\). # fn main() {\n# use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverMethod, NalgebraLU};\ntype LS = NalgebraLU; # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_sens_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# |x, p, _t, v, y| y[0] = v[0] * x[0] * (1.0 - x[0] / p[1]) # + v[1] * p[0] * x[0] * x[0] / (p[1] * p[1]),\n# )\n# .init_sens(\n# |_p, _t| DVector::from_element(1, 0.1),\n# |_p, _t, _v, y| y[0] = 0.0,\n# )\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet t_o = 10.0;\nwhile solver.state().t < t_o { solver.step().unwrap();\n}\n# } We can then obtain the sensitivity vectors at time \\(t_o\\) using the interpolate_sens method on the OdeSolverMethod trait. This method returns a Vec> where each element of the vector is the sensitivity vector for element \\(i\\) of the parameter vector at time \\(t_o\\). If we need the sensitivity at the current internal time step, we can get this from the s field of the OdeSolverState struct. # fn main() {\n# use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\n# use diffsol::{OdeSolverMethod, OdeSolverState, NalgebraLU};\n# type LS = NalgebraLU;\n# # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_sens_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# |x, p, _t, v, y| y[0] = v[0] * x[0] * (1.0 - x[0] / p[1]) # + v[1] * p[0] * x[0] * x[0] / (p[1] * p[1]),\n# )\n# .init_sens(\n# |_p, _t| DVector::from_element(1, 0.1),\n# |_p, _t, _v, y| y[0] = 0.0,\n# )\n# .build()\n# .unwrap();\n# let mut solver = problem.bdf::().unwrap();\n# let t_o = 10.0;\n# while solver.state().t < t_o {\n# solver.step().unwrap();\n# }\nlet sens_at_t_o = solver.interpolate_sens(t_o).unwrap();\nlet sens_at_internal_step = &solver.state().s;\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Forward Sensitivity » Solving the sensitivity problem","id":"21","title":"Solving the sensitivity problem"},"22":{"body":"While the OdeBuilder struct is a convenient way to specify the problem, it may not be suitable in all cases. Often users will want to provide their own structs that can hold custom data structures and methods for evaluating the right-hand side of the ODE, the jacobian, and other functions.","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » Custom Problem Structs","id":"22","title":"Custom Problem Structs"},"23":{"body":"To create your own structs for the ode system, the final goal is to implement the OdeEquations trait. When you have done this, you can use the build_from_eqn method on the OdeBuilder struct to create the problem. For each function in your system of equations, you will need to implement the appropriate trait for each function. Non-linear functions (rhs, out, root). In this case the NonLinearOp trait needs to be implemented. Linear functions (mass). In this case the LinearOp trait needs to be implemented. Constant functions (init). In this case the ConstantOp trait needs to be implemented. Additionally, each function needs to implement the base operation trait Op . Once you have implemented the appropriate traits for your custom struct, you can use the OdeBuilder struct to specify the problem.","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » Traits","id":"23","title":"Traits"},"24":{"body":"To illustrate how to implement a custom problem struct, we will take the familar logistic equation: \\[\\frac{dy}{dt} = r y (1 - y/K),\\] Our goal is to implement a custom struct that can evaluate the rhs function \\(f(y, p, t)\\) and the jacobian multiplied by a vector \\(f'(y, p, t, v)\\). First we define an empty struct. For a more complex problem, this struct could hold data structures neccessary to compute the rhs. # fn main() {\ntype T = f64;\ntype V = nalgebra::DVector; struct MyProblem;\n# } Now we will implement the base Op trait for our struct. The Op trait specifies the types of the vectors and matrices that will be used, as well as the number of states and outputs in the rhs function. # fn main() {\nuse diffsol::Op; type T = f64;\ntype V = nalgebra::DVector;\ntype M = nalgebra::DMatrix; # struct MyProblem;\n# # impl MyProblem {\n# fn new() -> Self {\n# MyProblem {}\n# }\n# }\n# impl Op for MyProblem { type T = T; type V = V; type M = M; fn nstates(&self) -> usize { 1 } fn nout(&self) -> usize { 1 } fn nparams(&self) -> usize { 0 }\n}\n# } Next we implement the NonLinearOp and NonLinearOpJacobian trait for our struct. This trait specifies the functions that will be used to evaluate the rhs function and the jacobian multiplied by a vector. # fn main() {\nuse diffsol::{ NonLinearOp, NonLinearOpJacobian\n};\n# use diffsol::Op; # type T = f64;\n# type V = nalgebra::DVector;\n# type M = nalgebra::DMatrix;\n#\n# struct MyProblem;\n# # impl MyProblem {\n# fn new() -> Self {\n# MyProblem { }\n# }\n# }\n# # impl Op for MyProblem {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# } impl<'a> NonLinearOp for MyProblem { fn call_inplace(&self, x: &V, _t: T, y: &mut V) { y[0] = x[0] * (1.0 - x[0]); }\n}\nimpl<'a> NonLinearOpJacobian for MyProblem { fn jac_mul_inplace(&self, x: &V, _t: T, v: &V, y: &mut V) { y[0] = v[0] * (1.0 - 2.0 * x[0]); }\n}\n# } There we go, all done! This demonstrates how to implement a custom struct to specify a rhs function.","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » Non-linear functions » Non-linear functions","id":"24","title":"Non-linear functions"},"25":{"body":"Now we've implemented the rhs function, but how about the initial condition? We can implement the ConstantOp trait to specify the initial condition. Since this is quite similar to the NonLinearOp trait, we will do it all in one go. # fn main() {\nuse diffsol::{Op, ConstantOp}; # type T = f64;\n# type V = nalgebra::DVector;\n# type M = nalgebra::DMatrix;\n#\nstruct MyInit {} impl Op for MyInit { type T = T; type V = V; type M = M; fn nstates(&self) -> usize { 1 } fn nout(&self) -> usize { 1 } fn nparams(&self) -> usize { 0 }\n} impl ConstantOp for MyInit { fn call_inplace(&self, _t: T, y: &mut V) { y[0] = 0.1; }\n}\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » Constant functions » Constant functions","id":"25","title":"Constant functions"},"26":{"body":"Naturally, we can also implement the LinearOp trait if we want to include a mass matrix in our model. A common use case for implementing this trait is to store the mass matrix in a custom struct, like so: # fn main() {\nuse diffsol::{Op, LinearOp}; # type T = f64;\n# type V = nalgebra::DVector;\n# type M = nalgebra::DMatrix;\n#\nstruct MyMass { mass: M,\n} impl MyMass { fn new() -> Self { let mass = M::from_element(1, 1, 1.0); Self { mass } }\n} impl Op for MyMass { type T = T; type V = V; type M = M; fn nstates(&self) -> usize { 1 } fn nout(&self) -> usize { 1 } fn nparams(&self) -> usize { 0 }\n} impl LinearOp for MyMass { fn gemv_inplace(&self, x: &V, _t: T, beta: T, y: &mut V) { y.gemv(1.0, &self.mass, x, beta) }\n}\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » Linear functions » Linear functions","id":"26","title":"Linear functions"},"27":{"body":"So far we've focused on using custom structs to specify individual equations, now we need to put these together to specify the entire system of equations.","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » ODE systems » ODE systems","id":"27","title":"ODE systems"},"28":{"body":"To specify the entire system of equations, you need to implement the Op, OdeEquations and OdeEquationsRef traits for your struct.","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » ODE systems » Implementing the OdeEquations trait","id":"28","title":"Implementing the OdeEquations trait"},"29":{"body":"The OdeEquations trait requires methods that return objects corresponding to the right-hand side function, mass matrix, root function, initial condition, and output functions. Therefore, you need to already have structs that implement the NonLinearOp, LinearOp, and ConstantOp traits for these functions. For the purposes of this example, we will assume that you have already implemented these traits for your structs. Often, the structs that implement these traits will have to use data defined in the struct that implements the OdeEquations trait. For example, they might wish to have a reference to the same parameter vector p. Therefore, you will often need to define lifetimes for these structs to ensure that they can access the data they need. Note that these struct will need to be lightweight and should not contain a significant amount of data. The data should be stored in the struct that implements the OdeEquations trait. This is because these structs will be created and destroyed many times during the course of the simulation (e.g. every time the right-hand side function is called). # fn main() {\ntype T = f64;\ntype V = nalgebra::DVector;\ntype M = nalgebra::DMatrix;\nstruct MyRhs<'a> { p: &'a V } // implements NonLinearOp\nstruct MyMass<'a> { p: &'a V } // implements LinearOp\nstruct MyInit<'a> { p: &'a V } // implements ConstantOp\nstruct MyRoot<'a> { p: &'a V } // implements NonLinearOp\nstruct MyOut<'a> { p: &'a V } // implements NonLinearOp\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » ODE systems » Getting all your traits in order","id":"29","title":"Getting all your traits in order"},"3":{"body":"The order of an ODE is the highest derivative that appears in the equation. So far, we have only looked at first order ODEs, which involve only the first derivative of the state variable with respect to time. However, many physical systems are described by higher order ODEs, which involve second or higher derivatives of the state variable. A simple example of a second order ODE is the motion of a mass under the influence of gravity. The equation of motion for the mass can be written as: \\[ \\frac{d^2x}{dt^2} = -g \\] where \\(x\\) is the position of the mass, \\(t\\) is time, and \\(g\\) is the acceleration due to gravity. This is a second order ODE because it involves the second derivative of the position with respect to time. Higher order ODEs can always be rewritten as a system of first order ODEs by introducing new variables. For example, we can rewrite the second order ODE above as a system of two first order ODEs by introducing a new variable for the velocity of the mass: \\[ \\begin{align*} \\frac{dx}{dt} &= v \\\\ \\frac{dv}{dt} &= -g \\end{align*} \\] where \\(v = \\frac{dx}{dt}\\) is the velocity of the mass. This is a system of two first order ODEs, which can be written in vector form as: \\[ \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] where \\[ \\mathbf{y} = \\begin{bmatrix} x \\\\ v \\end{bmatrix} \\] and \\[ \\mathbf{f}(\\mathbf{y}, t) = \\begin{bmatrix} v \\\\ -g \\end{bmatrix} \\] In the next section, we'll look at another example of a higher order ODE system: the spring-mass system, and solve this using DiffSol.","breadcrumbs":"Modelling with ODEs » Higher Order ODEs » Higher Order ODEs","id":"3","title":"Higher Order ODEs"},"30":{"body":"Lets imagine we have a struct MyProblem that we want to use to specify the entire system of equations. We can implement the Op, OdeEquations, and OdeEquationsRef traits for this struct like so: use diffsol::{Op, NonLinearOp, LinearOp, ConstantOp, OdeEquations, OdeEquationsRef};\n# fn main() {\n# type T = f64;\n# type V = nalgebra::DVector;\n# type M = nalgebra::DMatrix;\n# struct MyRhs<'a> { p: &'a V } // implements NonLinearOp\n# struct MyMass<'a> { p: &'a V } // implements LinearOp\n# struct MyInit<'a> { p: &'a V } // implements ConstantOp\n# struct MyRoot<'a> { p: &'a V } // implements NonLinearOp\n# struct MyOut<'a> { p: &'a V } // implements NonLinearOp\n# impl Op for MyRhs<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 2\n# }\n# }\n# impl NonLinearOp for MyRhs<'_> {\n# fn call_inplace(&self, x: &V, _t: T, y: &mut V) {\n# y[0] = x[0] * x[0];\n# }\n# }\n# impl Op for MyMass<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl LinearOp for MyMass<'_> {\n# fn gemv_inplace(&self, x: &V, _t: T, beta: T, y: &mut V) {\n# y[0] = x[0] * beta;\n# }\n# }\n# impl Op for MyInit<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl ConstantOp for MyInit<'_> {\n# fn call_inplace(&self, _t: T, y: &mut V) {\n# y[0] = 0.1;\n# }\n# }\n# impl Op for MyRoot<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl NonLinearOp for MyRoot<'_> {\n# fn call_inplace(&self, x: &V, _t: T, y: &mut V) {\n# y[0] = x[0] - 1.0;\n# }\n# }\n# impl Op for MyOut<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl NonLinearOp for MyOut<'_> {\n# fn call_inplace(&self, x: &V, _t: T, y: &mut V) {\n# y[0] = x[0];\n# }\n# } struct MyProblem { p: V,\n} impl MyProblem { fn new() -> Self { MyProblem { p: V::zeros(2) } }\n} impl Op for MyProblem { type T = T; type V = V; type M = M; fn nstates(&self) -> usize { 1 } fn nout(&self) -> usize { 1 } fn nparams(&self) -> usize { 2 }\n} impl<'a> OdeEquationsRef<'a> for MyProblem { type Rhs = MyRhs<'a>; type Mass = MyMass<'a>; type Init = MyInit<'a>; type Root = MyRoot<'a>; type Out = MyOut<'a>;\n} impl OdeEquations for MyProblem { fn rhs(&self) -> >::Rhs { MyRhs { p: &self.p } } fn mass(&self) -> Option<>::Mass> { Some(MyMass { p: &self.p }) } fn init(&self) -> >::Init { MyInit { p: &self.p } } fn root(&self) -> Option<>::Root> { Some(MyRoot { p: &self.p }) } fn out(&self) -> Option<>::Out> { Some(MyOut { p: &self.p }) } fn set_params(&mut self, p: &V) { self.p.copy_from(p); }\n}\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » ODE systems » Implementing the OdeEquations traits","id":"30","title":"Implementing the OdeEquations traits"},"31":{"body":"Now that we have our custom OdeEquations struct, we can use it in an OdeBuilder to create the problem. Hint: click the button below to see the full code, which includes the implementation of the Op, NonLinearOp, LinearOp, and ConstantOp traits for the MyRhs, MyMass, MyInit, MyRoot, and MyOut structs. use diffsol::{Op, NonLinearOp, LinearOp, ConstantOp, OdeEquations, OdeEquationsRef};\n# fn main() {\n# type T = f64;\n# type V = nalgebra::DVector;\n# type M = nalgebra::DMatrix;\n# struct MyRhs<'a> { p: &'a V } // implements NonLinearOp\n# struct MyMass<'a> { p: &'a V } // implements LinearOp\n# struct MyInit<'a> { p: &'a V } // implements ConstantOp\n# struct MyRoot<'a> { p: &'a V } // implements NonLinearOp\n# struct MyOut<'a> { p: &'a V } // implements NonLinearOp\n# impl Op for MyRhs<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 2\n# }\n# }\n# impl NonLinearOp for MyRhs<'_> {\n# fn call_inplace(&self, x: &V, _t: T, y: &mut V) {\n# y[0] = x[0] * x[0];\n# }\n# }\n# impl Op for MyMass<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl LinearOp for MyMass<'_> {\n# fn gemv_inplace(&self, x: &V, _t: T, beta: T, y: &mut V) {\n# y[0] = x[0] * beta;\n# }\n# }\n# impl Op for MyInit<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl ConstantOp for MyInit<'_> {\n# fn call_inplace(&self, _t: T, y: &mut V) {\n# y[0] = 0.1;\n# }\n# }\n# impl Op for MyRoot<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl NonLinearOp for MyRoot<'_> {\n# fn call_inplace(&self, x: &V, _t: T, y: &mut V) {\n# y[0] = x[0] - 1.0;\n# }\n# }\n# impl Op for MyOut<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl NonLinearOp for MyOut<'_> {\n# fn call_inplace(&self, x: &V, _t: T, y: &mut V) {\n# y[0] = x[0];\n# }\n# }\n# # struct MyProblem {\n# p: V,\n# }\n# # impl MyProblem {\n# fn new() -> Self {\n# MyProblem { p: V::zeros(2) }\n# }\n# }\n# # impl Op for MyProblem {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 2\n# }\n# }\n# # impl<'a> OdeEquationsRef<'a> for MyProblem {\n# type Rhs = MyRhs<'a>;\n# type Mass = MyMass<'a>;\n# type Init = MyInit<'a>;\n# type Root = MyRoot<'a>;\n# type Out = MyOut<'a>;\n# }\n# # impl OdeEquations for MyProblem {\n# fn rhs(&self) -> >::Rhs {\n# MyRhs { p: &self.p }\n# }\n# fn mass(&self) -> Option<>::Mass> {\n# Some(MyMass { p: &self.p })\n# }\n# fn init(&self) -> >::Init {\n# MyInit { p: &self.p }\n# }\n# fn root(&self) -> Option<>::Root> {\n# Some(MyRoot { p: &self.p })\n# }\n# fn out(&self) -> Option<>::Out> {\n# Some(MyOut { p: &self.p })\n# }\n# fn set_params(&mut self, p: &V) {\n# self.p.copy_from(p);\n# }\n# }\nuse diffsol::OdeBuilder;\nlet problem = OdeBuilder::::new() .p(vec![1.0, 10.0]) .build_from_eqn(MyProblem::new()) .unwrap();\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » ODE systems » Creating the problem","id":"31","title":"Creating the problem"},"32":{"body":"Thus far we have used Rust code to specify the problem we want to solve. This is fine if you are using DiffSol from Rust, but what if you want to use DiffSol from a higher-level language like Python or R? For this usecase we have designed a Domain Specific Language (DSL) called DiffSL that can be used to specify the problem. DiffSL is not a general purpose language but is tightly constrained to the specification of a system of ordinary differential equations. It features a relatively simple syntax that consists of writing a series of tensors (dense or sparse) that represent the equations of the system. For more detail on the syntax of DiffSL see the DiffSL book . This section will focus on how to use DiffSL to specify a problem in DiffSol.","breadcrumbs":"DiffSol APIs for specifying problems » DiffSL » DiffSL","id":"32","title":"DiffSL"},"33":{"body":"The main struct that is used to specify a problem in DiffSL is the DiffSl struct. Creating this struct Just-In-Time (JIT) compiles your DiffSL code into a form that can be executed efficiently by DiffSol. # fn main() {\nuse diffsol::{DiffSl, CraneliftModule};\ntype M = nalgebra::DMatrix;\ntype CG = CraneliftModule; let eqn = DiffSl::::compile(\" in = [r, k] r { 1.0 } k { 1.0 } u { 0.1 } F { r * u * (1.0 - u / k) }\n\").unwrap();\n# } The CG parameter specifies the backend that you want to use to compile the DiffSL code. The CraneliftModule backend is the default backend and is behind the diffsl feature flag. If you want to use the faster LLVM backend you can use the LlvmModule backend, which is behind one of the diffsl-llvm* feature flags, depending on the version of LLVM you have installed. Once you have created the DiffSl struct you can use it to create a problem using the build_from_eqn method on the OdeBuilder struct. # fn main() {\n# use diffsol::{DiffSl, CraneliftModule};\nuse diffsol::{OdeBuilder, OdeSolverMethod, OdeSolverState};\n# type M = nalgebra::DMatrix;\n# type CG = CraneliftModule;\ntype LS = diffsol::NalgebraLU; # let eqn = DiffSl::::compile(\"\n# in = [r, k]\n# r { 1.0 }\n# k { 1.0 }\n# u { 0.1 }\n# F { r * u * (1.0 - u / k) }\n# \").unwrap();\nlet problem = OdeBuilder::::new()\n.rtol(1e-6)\n.p([1.0, 10.0])\n.build_from_eqn(eqn).unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet t = 0.4;\nlet _soln = solver.solve(t).unwrap();\n# }","breadcrumbs":"DiffSol APIs for specifying problems » DiffSL » DiffSL Context","id":"33","title":"DiffSL Context"},"34":{"body":"Lets consider a large system of equations that have a jacobian matrix that is sparse. For simplicity we will start with the logistic equation from the \"Specifying the Problem\" section, but we will duplicate this equation 10 times to create a system of 10 equations. This system will have a jacobian matrix that is a diagonal matrix with 10 diagonal elements, and all other elements are zero. Since this system is sparse, we choose a sparse matrix type to represent the jacobian matrix. We will use the diffsol::SparseColMat type, which is a thin wrapper around faer::sparse::SparseColMat, a sparse compressed sparse column matrix type. # fn main() {\nuse diffsol::OdeBuilder;\ntype M = diffsol::SparseColMat;\ntype V = faer::Col; let problem = OdeBuilder::::new() .t0(0.0) .rtol(1e-6) .atol([1e-6]) .p(vec![1.0, 10.0]) .rhs_implicit( |x, p, _t, y| { for i in 0..10 { y[i] = p[0] * x[i] * (1.0 - x[i] / p[1]); } }, |x, p, _t, v , y| { for i in 0..10 { y[i] = p[0] * v[i] * (1.0 - 2.0 * x[i] / p[1]); } }, ) .init( |_p, _t| V::from_fn(10, |_| 0.1), ) .build() .unwrap();\n# } Note that we have not specified the jacobian itself, but instead we have specified the jacobian multiplied by a vector function \\(f'(y, p, t, v)\\). DiffSol will use this function to generate a jacobian matrix, and since we have specified a sparse matrix type, DiffSol will attempt to guess the sparsity pattern of the jacobian matrix and use this to efficiently generate the jacobian matrix. To illustrate this, we can calculate the jacobian matrix from the rhs function contained in the problem object: # use diffsol::OdeBuilder;\nuse diffsol::{OdeEquations, NonLinearOp, NonLinearOpJacobian, Matrix, ConstantOp}; # type M = diffsol::SparseColMat;\n# type V = faer::Col;\n#\n# fn main() {\n# let problem = OdeBuilder::::new()\n# .t0(0.0)\n# .rtol(1e-6)\n# .atol([1e-6])\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| {\n# for i in 0..10 {\n# y[i] = p[0] * x[i] * (1.0 - x[i] / p[1]);\n# }\n# },\n# |x, p, _t, v , y| {\n# for i in 0..10 {\n# y[i] = p[0] * v[i] * (1.0 - 2.0 * x[i] / p[1]);\n# }\n# },\n# )\n# .init(\n# |_p, _t| V::from_fn(10, |_| 0.1),\n# )\n# .build()\n# .unwrap();\nlet t0 = problem.t0;\nlet y0 = problem.eqn.init().call(t0);\nlet jacobian = problem.eqn.rhs().jacobian(&y0, t0);\nfor (i, j, v) in jacobian.triplet_iter() { println!(\"({}, {}) = {}\", i, j, v);\n}\n# } which will print the jacobian matrix in triplet format: (0, 0) = 0.98\n(1, 1) = 0.98\n(2, 2) = 0.98\n(3, 3) = 0.98\n(4, 4) = 0.98\n(5, 5) = 0.98\n(6, 6) = 0.98\n(7, 7) = 0.98\n(8, 8) = 0.98\n(9, 9) = 0.98 DiffSol attempts to guess the sparsity pattern of your jacobian matrix by calling the \\(f'(y, p, t, v)\\) function repeatedly with different one-hot vectors \\(v\\) with a NaN value at each hot index. The output of this function (i.e. which elements are 0 and which are NaN) is then used to determine the sparsity pattern of the jacobian matrix. Due to the fact that for IEEE 754 floating point numbers, NaN is propagated through most operations, this method is able to detect which output elements are dependent on which input elements. However, this method is not foolproof, and it may fail to detect the correct sparsity pattern in some cases, particularly if values of v are used in control-flow statements. If DiffSol does not detect the correct sparsity pattern, you can manually specify the jacobian. To do this, you need to use a custom struct that implements the OdeEquations trait, This is described in more detail in the \"Custom Problem Structs\" section.","breadcrumbs":"DiffSol APIs for specifying problems » Sparse problems » Sparse problems","id":"34","title":"Sparse problems"},"35":{"body":"Once you have defined the problem, you need to create a solver to solve the problem. The available solvers are: diffsol::Bdf : A Backwards Difference Formulae solver, suitable for stiff problems and singular mass matrices. diffsol::Sdirk A Singly Diagonally Implicit Runge-Kutta (SDIRK or ESDIRK) solver. You can define your own butcher tableau using Tableau or use one of the pre-defined tableaues. For each solver, you will need to specify the linear solver type to use. The available linear solvers are: diffsol::NalgebraLU : A LU decomposition solver using the nalgebra crate. diffsol::FaerLU : A LU decomposition solver using the faer crate. diffsol::FaerSparseLU : A sparse LU decomposition solver using the faer crate. Each solver can be created directly, but it generally easier to use the methods on the OdeSolverProblem struct to create the solver. For example: # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\nuse diffsol::{OdeSolverState, NalgebraLU, BdfState, Tableau, SdirkState};\n# type M = nalgebra::DMatrix;\ntype LS = NalgebraLU;\n# fn main() {\n# # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\n// Create a BDF solver with an initial state\nlet solver = problem.bdf::(); // Create a non-initialised state and manually set the values before\n// creating the solver\nlet state = BdfState::new_without_initialise(&problem).unwrap();\n// ... set the state values manually\nlet solver = problem.bdf_solver::(state); // Create a SDIRK solver with a pre-defined tableau\nlet tableau = Tableau::::tr_bdf2();\nlet state = problem.sdirk_state::(&tableau).unwrap();\nlet solver = problem.sdirk_solver::(state, tableau); // Create a tr_bdf2 or esdirk34 solvers directly (both are SDIRK solvers with different tableaus)\nlet solver = problem.tr_bdf2::();\nlet solver = problem.esdirk34::(); // Create a non-initialised state and manually set the values before\n// creating the solver\nlet state = SdirkState::new_without_initialise(&problem).unwrap();\n// ... set the state values manually\nlet solver = problem.tr_bdf2_solver::(state);\n# }","breadcrumbs":"Choosing a solver » Choosing a solver","id":"35","title":"Choosing a solver"},"36":{"body":"Each solver has an internal state that holds information like the current state vector, the gradient of the state vector, the current time, and the current step size. When you create a solver using the bdf or sdirk methods on the OdeSolverProblem struct, the solver will be initialised with an initial state based on the initial conditions of the problem as well as satisfying any algebraic constraints. An initial time step will also be chosen based on your provided equations. Each solver's state struct implements the OdeSolverState trait, and if you wish to manually create and setup a state, you can use the methods on this trait to do so. For example, say that you wish to bypass the initialisation of the state as you already have the algebraic constraints and so don't need to solve for them. You can use the new_without_initialise method on the OdeSolverState trait to create a new state without initialising it. You can then use the as_mut method to get a mutable reference to the state and set the values manually. Note that each state struct has a as_ref and as_mut methods that return a StateRef or 'StateRefMut` struct respectively. These structs provide a solver-independent way to access the state values so you can use the same code with different solvers. # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverState, NalgebraLU, BdfState};\ntype LS = NalgebraLU; # fn main() {\n# # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\nlet mut state = BdfState::new_without_initialise(&problem).unwrap();\nstate.as_mut().y[0] = 0.1;\nlet mut solver = problem.bdf_solver::(state);\n# }","breadcrumbs":"Choosing a solver » Initialisation","id":"36","title":"Initialisation"},"37":{"body":"Each solver implements the OdeSolverMethod trait, which provides a number of methods to solve the problem.","breadcrumbs":"Solving the problem » Solving the Problem","id":"37","title":"Solving the Problem"},"38":{"body":"DiffSol has a few high-level solution functions on the OdeSolverMethod trait that are the easiest way to solve your equations: solve - solve the problem from an initial state up to a specified time, returning the solution at all the internal timesteps used by the solver. solve_dense - solve the problem from an initial state, returning the solution at a Vec of times provided by the user. ['solve_dense_sensitivities](https://docs.rs/diffsol/latest/diffsol/ode_solver/method/trait.OdeSolverMethod.html#method.solve_dense_sensitivities) - solve the forward sensitivity problem from an initial state, returning the solution at a Vec` of times provided by the user. 'solve_adjoint' - solve the adjoint sensitivity problem from an initial state to a final time, returning the integration of the output function over time as well as its gradient with respect to the initial state. The following example shows how to solve a simple ODE problem using the solve method on the OdeSolverMethod trait. # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\nuse diffsol::{OdeSolverMethod, NalgebraLU};\ntype M = nalgebra::DMatrix;\ntype LS = NalgebraLU; # fn main() {\n# let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet (ys, ts) = solver.solve(10.0).unwrap();\n# } solve_dense will solve a problem from an initial state, returning the solution at a Vec of times provided by the user. # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverMethod, NalgebraLU};\ntype LS = NalgebraLU; # fn main() {\n# let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet times = vec![0.0, 1.0, 2.0, 3.0, 4.0, 5.0];\nlet _soln = solver.solve_dense(×).unwrap();\n# }","breadcrumbs":"Solving the problem » Solving the Problem","id":"38","title":"Solving the Problem"},"39":{"body":"The fundamental method to step the solver through a solution is the step method on the OdeSolverMethod trait, which steps the solution forward in time by a single step, with a step size chosen by the solver in order to satisfy the error tolerances in the problem struct. The step method returns a Result that contains the new state of the solution if the step was successful, or an error if the step failed. # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverMethod, NalgebraLU};\ntype LS = NalgebraLU; # fn main() {\n# # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nwhile solver.state().t < 10.0 { if let Err(_) = solver.step() { break; }\n}\n# } The step method will return an error if the solver fails to converge to the solution or if the step size becomes too small. Often you will want to get the solution at a specific time \\(t_o\\). There are two ways to do this based on your particular needs, the most lightweight way is to step the solution forward until you are beyond \\(t_o\\), and then interpolate the solution back to \\(t_o\\) using the interpolate method on the OdeSolverMethod trait. # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverMethod, NalgebraLU};\ntype LS = NalgebraLU; # fn main() {\n# # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet t_o = 10.0;\nwhile solver.state().t < t_o { solver.step().unwrap();\n}\nlet _soln = solver.interpolate(t_o).unwrap();\n# } The second way is to use the set_stop_time method on the OdeSolverMethod trait to stop the solver at a specific time, this will override the internal time step so that the solver stops at the specified time. Note that this can be less efficient if you wish to continue stepping forward after the specified time, as the solver will need to be re-initialised. The enum returned by step will indicate when the solver has stopped at the specified time. Once the solver has stopped at the specified time, you can get the current state of the solution using the state method on the solver, which returns an OdeSolverState struct. # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverMethod, OdeSolverStopReason, NalgebraLU};\ntype LS = NalgebraLU; # fn main() {\n# # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nsolver.set_stop_time(10.0).unwrap();\nloop { match solver.step() { Ok(OdeSolverStopReason::InternalTimestep) => continue, Ok(OdeSolverStopReason::TstopReached) => break, Ok(OdeSolverStopReason::RootFound(_)) => panic!(\"Root finding not used\"), Err(e) => panic!(\"Solver failed to converge: {}\", e), }\n}\nlet _soln = &solver.state().y;\n# }","breadcrumbs":"Solving the problem » Stepping the Solution","id":"39","title":"Stepping the Solution"},"4":{"body":"We will model a damped spring-mass system using a second order ODE. The system consists of a mass \\(m\\) attached to a spring with spring constant \\(k\\), and a damping force proportional to the velocity of the mass with damping coefficient \\(c\\). Spring-mass system The equation of motion for the mass can be written as: \\[ m \\frac{d^2x}{dt^2} = -k x - c \\frac{dx}{dt} \\] where \\(x\\) is the position of the mass, \\(t\\) is time, and the negative sign on the right hand side indicates that the spring force and damping force act in the opposite direction to the displacement of the mass. We can convert this to a system of two first order ODEs by introducing a new variable for the velocity of the mass: \\[ \\begin{align*} \\frac{dx}{dt} &= v \\\\ \\frac{dv}{dt} &= -\\frac{k}{m} x - \\frac{c}{m} v \\end{align*} \\] where \\(v = \\frac{dx}{dt}\\) is the velocity of the mass. We can solve this system of ODEs using DiffSol with the following code: # fn main() {\n# use std::fs;\nuse diffsol::{ DiffSl, CraneliftModule, OdeBuilder, OdeSolverMethod\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\ntype M = nalgebra::DMatrix;\ntype CG = CraneliftModule;\ntype LS = diffsol::NalgebraLU; let eqn = DiffSl::::compile(\" k { 1.0 } m { 1.0 } c { 0.1 } u_i { x = 1, v = 0, } F_i { v, -k/m * x - c/m * v, }\n\").unwrap();\nlet problem = OdeBuilder::::new() .build_from_eqn(eqn).unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet (ys, ts) = solver.solve(40.0).unwrap(); let x: Vec<_> = ys.row(0).into_iter().copied().collect();\nlet time: Vec<_> = ts.into_iter().collect(); let x_line = Scatter::new(time.clone(), x).mode(Mode::Lines); let mut plot = Plot::new();\nplot.add_trace(x_line); let layout = Layout::new() .x_axis(Axis::new().title(\"t\")) .y_axis(Axis::new().title(\"x\"));\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"sping-mass-system\"));\n# fs::write(\"../src/primer/images/spring-mass-system.html\", plot_html).expect(\"Unable to write file\");\n# }","breadcrumbs":"Modelling with ODEs » Higher Order ODEs » Example: Spring-mass systems » Example: Spring-mass systems","id":"4","title":"Example: Spring-mass systems"},"40":{"body":"The goal of this chapter is to compare the performance of the DiffSol implementation with other similar ode solver libraries. To begin with we have focused on comparing against the popular Sundials solver suite, developed by the Lawrence Livermore National Laboratory.","breadcrumbs":"Benchmarks » Benchmarks","id":"40","title":"Benchmarks"},"41":{"body":"To choose the test problems we have used several of the examples provided in the Sundials library. The problems are: robertson : A stiff DAE system with 3 equations (2 differential and 1 algebraic). In Sundials this is part of the IDA examples and is contained in the file ida/serial/idaRoberts_dns.c. In Sundials the problem is solved using the Sundials dense linear solver and Sunmatrix_Dense, in DiffSol we use the dense LU linear solver, dense matrices and vectors from the nalgebra library. robertson_ode: The same problem as robertson but in the form of an ODE. This problem has a variable size implemented by duplicating the 3 original equations \\(n^2\\) times, where \\(n\\) is the size input parameter. In Sundials problem is solved using the KLU sparse linear solver and the Sunmatrix_Sparse matrix, and in DiffSol we use the same KLU solver from the SuiteSparse library along with the faer sparse matrix. This example is part of the Sundials CVODE examples and is contained in the file cvode/serial/cvRoberts_block_klu.c. heat2d: A 2D heat DAE problem with boundary conditions imposed via algebraic equations. The size \\(n\\) input parameter sets the number of grid points along each dimension, so the total number of equations is \\(n^2\\). This is part of the IDA examples and is contained in the file ida/serial/idaHeat2D_klu.c. In Sundials this problem is solved using the KLU sparse linear solver and the Sunmatrix_Sparse matrix, and in DiffSol we use the same KLU solver along with the faer sparse matrix. foodweb: A predator-prey problem with diffusion on a 2D grid. The size \\(n\\) input parameter sets the number of grid points along each dimension and we have 2 species, so the total number of equations is \\(2n^2\\) This is part of the IDA examples and is contained in the file ida/serial/idaFoodWeb_bnd.c. In Sundials the problem is solved using a banded linear solver and the Sunmatrix_Band matrix. DiffSol does not have a banded linear solver, so we use the KLU solver for this problem along with the faer sparse matrix.","breadcrumbs":"Benchmarks » Test Problems","id":"41","title":"Test Problems"},"42":{"body":"In each case we have taken the example files from the Sundials library at version 6.7.0, compiling and linking them against the same version of the code. We have made minimal modifications to the files to remove all printf output and to change the main functions to named functions to allow them to be called from rust. We have then implemented the same problem in Rust using the DiffSol library, porting the residual functions defined in the Sundials examples to DiffSol-compatible functions representing the RHS, mass matrix and jacobian multiplication functions for the problem. We have used the outputs published in the Sundials examples as the reference outputs for the tests to ensure that the implementations are equivalent. The relative and absolute tolerances for the solvers were set to the same values in both implementations. There are a number of differences between the Sundials and DiffSol implementations that may affect the performance of the solvers. The main differences are: The Sundials IDA solver has the problem defined as a general DAE system, while the DiffSol solver has access to the RHS and mass matrix functions separately. The Sundials CVODE solver has the problem defined as an ODE system and the mass is implicitly an identity matrix, and this is the same for the DiffSol implementation for the robertson_ode problem. In the Sundials examples that use a user-defined jacobian (robertson, robertson_ode, heat2d), the jacobian is provided as a sparse or dense matrix. In DiffSol the jacobian is provided as a function that multiplies the jacobian by a vector, so DiffSol needs to do additional work to generate a jacobian matrix from this function. Generally the types of matrices and linear solver are matched between the two implementations (see details in the \"Test Problems\" section above). However, the foodweb problem is slightly different in that it is solved in Sundials using a banded linear solver and banded matrices and the jacobian is calculated using finite differences. In DiffSol we use the KLU sparse linear solver and sparse matrices, and the jacobian is calculated using the jacobian function provided by the user. The Sundials implementations make heavy use of indexing into arrays, as does the DiffSol implementations. In Rust these indexing is bounds checked, which affects performance slightly but was not found to be a significant factor. Finally, we have also implemented the robertson, heat2d and foodweb problems in the DiffSl language. For the heat2d and foodweb problems we wrote out the diffusion matrix and mass matrix from the Rust implementations and wrote the rest of the model by hand. For the robertson problem we wrote the entire model by hand.","breadcrumbs":"Benchmarks » Method","id":"42","title":"Method"},"43":{"body":"These results were generated using DiffSol v0.2.1. The performance of each implementation was timed and includes all setup and solve time. The exception to this is for the DiffSl implementations, where the JIT compilation for the model was not included in the timings (since the compilation time for the C and Rust code was also not included). We have presented the results in the following graphs, where the x-axis is the size of the problem \\(n\\) and the y-axis is the time taken to solve the problem relative to the time taken by the Sundials implementation (so \\(10^0\\) is the same time as Sundials, \\(10^1\\) is 10 times slower etc.)","breadcrumbs":"Benchmarks » Results","id":"43","title":"Results"},"44":{"body":"Bdf The BDF solver is the same method as that used by the Sundials IDA and CVODE solvers so we expect the performance to be largely similar, and this is generally the case. There are differences due to the implementation details for each library, and the differences in the implementations for the linear solvers and matrices as discussed above. For the small, dense, stiff robertson problem the DiffSol implementation is very close and only slightly faster than Sundials (about 0.9). For the sparse heat2d problem the DiffSol implementation is slower than Sundials for smaller problems (about 2) but the performance improves significantly for larger problems until it is at about 0.3. Since this improvement for larger systems is not seen in foodweb or robertson_ode problems, it is likely due to the fact that the heat2d problem has a constant jacobian matrix and the DiffSol implementation has an advantage in this case. For the foodweb problem the DiffSol implementation is quite close to IDA for all sizes. It is again slower for small systems (about 1.5) and the performance improves for medium systems until it reaches a value of 0.7, but then performance starts to slowly decrease for larger systems until it is about 1.0 The DiffSol implementation of the robertson_ode problem is the only problem generally slower then the Sundials CVODE implementation and is about 1.5 - 1.9 the time taken by Sundials. Since the same method and linear solver is used in both cases the cause of this discrepancy is not due to these factors, but is likely due to the differences in how the jacobian is calculated (in Sundials it is provided directly, but DiffSol is required to calculate it from the jacobian multiplication function).","breadcrumbs":"Benchmarks » Bdf solver","id":"44","title":"Bdf solver"},"45":{"body":"Bdf + DiffSl The main difference between this plot and the previous for the Bdf solver is the use of the DiffSl language for the equations, rather than Rust closures. The trends in each case are mostly the same, and the DiffSl implementation only has a small slowdown comparared with rust closures for most problems. This difference is minimal, and can be seen most clearly for the small robertson problem where the DiffSl implementation is just above 1.0 times the speed of the Sundials implementation, while the rust closure implementation is about 0.9. However, for some larger systems the DiffSl can be faster, for example the foodweb problem is quicker at larger sizes, which is probably due to the fact that the rust closures bound-check the array indexing, while the DiffSl implementation does not. This plot demonstrates that a DiffSL implementation can be comparable in speed to a hand-written Rust or C implementation, but much more easily wrapped and used from a high-level language like Python or R, where the equations can be passed down to the rust solver as a simple string and then JIT compiled at runtime.","breadcrumbs":"Benchmarks » Bdf + DiffSl","id":"45","title":"Bdf + DiffSl"},"5":{"body":"ODEs describe the continuous evolution of a system over time, but many systems also involve discrete events that occur at specific times. For example, in a compartmental model of drug delivery, the administration of a drug is a discrete event that occurs at a specific time. In a bouncing ball model, the collision of the ball with the ground is a discrete event that changes the state of the system. It is normally difficult to model these events using ODEs alone, as they require a different approach to handle the discontinuities in the system. While we can represent discrete events mathematically using delta functions, many ODE solvers are not designed to handle these discontinuities, and may produce inaccurate results or fail to converge during the integration. DiffSol provides a way to model discrete events in a system of ODEs by maintaining an internal state of each solver that can be updated when a discrete event occurs. Each solver has an internal state that holds information such as the current time \\(t\\), the current state of the system \\(\\mathbf{y}\\), and other solver-specific information. When a discrete event occurs, the user can update the internal state of the solver to reflect the change in the system, and then continue the integration of the ODEs as normal. DiffSol also provides a way to stop the integration of the ODEs, either at a specific time or when a specific condition is met. This can be useful for modelling systems with discrete events, as it allows the user to control the integration of the ODEs and to handle the events in a flexible way. The Solving the Problem and Root Finding sections provides an introduction to the API for solving ODEs and detecting events with DiffSol. In the next two sections, we will look at two examples of systems with discrete events: compartmental models of drug delivery and bouncing ball models, and solve them using DiffSol using this API.","breadcrumbs":"Modelling with ODEs » Discrete Events » Discrete Events","id":"5","title":"Discrete Events"},"6":{"body":"The field of Pharmacokinetics (PK) provides a quantitative basis for describing the delivery of a drug to a patient, the diffusion of that drug through the plasma/body tissue, and the subsequent clearance of the drug from the patient's system. PK is used to ensure that there is sufficient concentration of the drug to maintain the required efficacy of the drug, while ensuring that the concentration levels remain below the toxic threshold. Pharmacokinetic (PK) models are often combined with Pharmacodynamic (PD) models, which model the positive effects of the drug, such as the binding of a drug to the biological target, and/or undesirable side effects, to form a full PKPD model of the drug-body interaction. This example will only focus on PK, neglecting the interaction with a PD model. Fig 1 PK enables the following processes to be quantified: Absorption Distribution Metabolism Excretion These are often referred to as ADME, and taken together describe the drug concentration in the body when medicine is prescribed. These ADME processes are typically described by zeroth-order or first-order rate reactions modelling the dynamics of the quantity of drug $q$, with a given rate parameter $k$, for example: \\[ \\frac{dq}{dt} = -k^*, \\] \\[ \\frac{dq}{dt} = -k q. \\] The body itself is modelled as one or more compartments , each of which is defined as a kinetically homogeneous unit (these compartments do not relate to specific organs in the body, unlike Physiologically based pharmacokinetic, PBPK, modeling). There is typically a main central compartment into which the drug is administered and from which the drug is excreted from the body, combined with zero or more peripheral compartments to which the drug can be distributed to/from the central compartment (See Fig 2). Each peripheral compartment is only connected to the central compartment. Fig 2 The following example PK model describes the two-compartment model shown diagrammatically in the figure above. The time-dependent variables to be solved are the drug quantity in the central and peripheral compartments, $q_c$ and $q_{p1}$ (units: [ng]) respectively. \\[ \\frac{dq_c}{dt} = \\text{Dose}(t) - \\frac{q_c}{V_c} CL - Q_{p1} \\left ( \\frac{q_c}{V_c} - \\frac{q_{p1}}{V_{p1}} \\right ), \\] \\[ \\frac{dq_{p1}}{dt} = Q_{p1} \\left ( \\frac{q_c}{V_c} - \\frac{q_{p1}}{V_{p1}} \\right ). \\] This model describes an intravenous bolus dosing protocol, with a linear clearance from the central compartment (non-linear clearance processes are also possible, but not considered here). The dose function $\\text{Dose}(t)$ will consist of instantaneous doses of $X$ ng of the drug at one or more time points. The other input parameters to the model are: \\(V_c\\) [mL], the volume of the central compartment \\(V_{p1}\\) [mL], the volume of the first peripheral compartment \\(CL\\) [mL/h], the clearance/elimination rate from the central compartment \\(Q_{p1}\\) [mL/h], the transition rate between central compartment and peripheral compartment 1 We will solve this system of ODEs using the DiffSol crate. Rather than trying to write down the dose function as a mathematical function, we will neglect the dose function from the equations and instead using DiffSol's API to specify the dose at specific time points. First lets write down the equations in the standard form of a first order ODE system: \\[ \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] where \\[ \\mathbf{y} = \\begin{bmatrix} q_c \\\\ q_{p1} \\end{bmatrix} \\] and \\[ \\mathbf{f}(\\mathbf{y}, t) = \\begin{bmatrix} - \\frac{q_c}{V_c} CL - Q_{p1} \\left ( \\frac{q_c}{V_c} - \\frac{q_{p1}}{V_{p1}} \\right ) \\\\ Q_{p1} \\left ( \\frac{q_c}{V_c} - \\frac{q_{p1}}{V_{p1}} \\right ) \\end{bmatrix} \\] We will also need to specify the initial conditions for the system: \\[ \\mathbf{y}(0) = \\begin{bmatrix} 0 \\\\ 0 \\end{bmatrix} \\] For the dose function, we will specify a dose of 1000 ng at regular intervals of 6 hours. We will also specify the other parameters of the model: \\[ V_c = 1000 \\text{ mL}, \\quad V_{p1} = 1000 \\text{ mL}, \\quad CL = 100 \\text{ mL/h}, \\quad Q_{p1} = 50 \\text{ mL/h} \\] Let's now solve this system of ODEs using DiffSol. # fn main() {\n# use std::fs;\nuse diffsol::{ DiffSl, CraneliftModule, OdeBuilder, OdeSolverMethod, OdeSolverStopReason,\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\ntype M = nalgebra::DMatrix;\ntype CG = CraneliftModule;\ntype LS = diffsol::NalgebraLU; let eqn = DiffSl::::compile(\" Vc { 1000.0 } Vp1 { 1000.0 } CL { 100.0 } Qp1 { 50.0 } u_i { qc = 0, qp1 = 0, } F_i { - qc / Vc * CL - Qp1 * (qc / Vc - qp1 / Vp1), Qp1 * (qc / Vc - qp1 / Vp1), }\n\").unwrap(); let problem = OdeBuilder::::new().build_from_eqn(eqn).unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet doses = vec![(0.0, 1000.0), (6.0, 1000.0), (12.0, 1000.0), (18.0, 1000.0)]; let mut q_c = Vec::new();\nlet mut q_p1 = Vec::new();\nlet mut time = Vec::new(); // apply the first dose and save the initial state\nsolver.state_mut().y[0] = doses[0].1;\nq_c.push(solver.state().y[0]);\nq_p1.push(solver.state().y[1]);\ntime.push(0.0); // solve and apply the remaining doses\nfor (t, dose) in doses.into_iter().skip(1) { solver.set_stop_time(t).unwrap(); loop { let ret = solver.step(); q_c.push(solver.state().y[0]); q_p1.push(solver.state().y[1]); time.push(solver.state().t); match ret { Ok(OdeSolverStopReason::InternalTimestep) => continue, Ok(OdeSolverStopReason::TstopReached) => break, _ => panic!(\"unexpected solver error\"), } } solver.state_mut().y[0] += dose;\n}\nlet mut plot = Plot::new();\nlet q_c = Scatter::new(time.clone(), q_c).mode(Mode::Lines).name(\"q_c\");\nlet q_p1 = Scatter::new(time, q_p1).mode(Mode::Lines).name(\"q_p1\");\nplot.add_trace(q_c);\nplot.add_trace(q_p1); let layout = Layout::new() .x_axis(Axis::new().title(\"t [h]\")) .y_axis(Axis::new().title(\"amount [ng]\"));\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"drug-delivery\"));\n# fs::write(\"../src/primer/images/drug-delivery.html\", plot_html).expect(\"Unable to write file\");\n# }","breadcrumbs":"Modelling with ODEs » Discrete Events » Example: Compartmental models of Drug Delivery » Example: Compartmental models of Drug Delivery","id":"6","title":"Example: Compartmental models of Drug Delivery"},"7":{"body":"Modelling a bouncing ball is a simple and intuitive example of a system with discrete events. The ball is dropped from a height \\(h\\) and bounces off the ground with a coefficient of restitution \\(e\\). When the ball hits the ground, its velocity is reversed and scaled by the coefficient of restitution, and the ball rises and then continues to fall until it hits the ground again. This process repeats until halted. The second order ODE that describes the motion of the ball is given by: \\[ \\frac{d^2x}{dt^2} = -g \\] where \\(x\\) is the position of the ball, \\(t\\) is time, and \\(g\\) is the acceleration due to gravity. We can rewrite this as a system of two first order ODEs by introducing a new variable for the velocity of the ball: \\[ \\begin{align*} \\frac{dx}{dt} &= v \\\\ \\frac{dv}{dt} &= -g \\end{align*} \\] where \\(v = \\frac{dx}{dt}\\) is the velocity of the ball. This is a system of two first order ODEs, which can be written in vector form as: \\[ \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] where \\[ \\mathbf{y} = \\begin{bmatrix} x \\\\ v \\end{bmatrix} \\] and \\[ \\mathbf{f}(\\mathbf{y}, t) = \\begin{bmatrix} v \\\\ -g \\end{bmatrix} \\] The initial conditions for the ball, including the height from which it is dropped and its initial velocity, are given by: \\[ \\mathbf{y}(0) = \\begin{bmatrix} h \\\\ 0 \\end{bmatrix} \\] When the ball hits the ground, we need to update the velocity of the ball according to the coefficient of restitution, which is the ratio of the velocity after the bounce to the velocity before the bounce. The velocity after the bounce \\(v'\\) is given by: \\[ v' = -e v \\] where \\(e\\) is the coefficient of restitution. However, to implement this in our ODE solver, we need to detect when the ball hits the ground. We can do this by using DiffSol's event handling feature, which allows us to specify a function that is equal to zero when the event occurs, i.e. when the ball hits the ground. This function \\(g(\\mathbf{y}, t)\\) is called an event or root function, and for our bouncing ball problem, it is given by: \\[ g(\\mathbf{y}, t) = x \\] where \\(x\\) is the position of the ball. When the ball hits the ground, the event function will be zero and DiffSol will stop the integration, and we can update the velocity of the ball accordingly. In code, the bouncing ball problem can be solved using DiffSol as follows: # fn main() {\n# use std::fs;\nuse diffsol::{ DiffSl, CraneliftModule, OdeBuilder, OdeSolverMethod, OdeSolverStopReason,\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\ntype M = nalgebra::DMatrix;\ntype CG = CraneliftModule;\ntype LS = diffsol::NalgebraLU; let eqn = DiffSl::::compile(\" g { 9.81 } h { 10.0 } u_i { x = h, v = 0, } F_i { v, -g, } stop { x, }\n\").unwrap(); let e = 0.8;\nlet problem = OdeBuilder::::new().build_from_eqn(eqn).unwrap();\nlet mut solver = problem.bdf::().unwrap(); let mut x = Vec::new();\nlet mut v = Vec::new();\nlet mut t = Vec::new();\nlet final_time = 10.0; // save the initial state\nx.push(solver.state().y[0]);\nv.push(solver.state().y[1]);\nt.push(0.0); // solve until the final time is reached\nsolver.set_stop_time(final_time).unwrap();\nloop { match solver.step() { Ok(OdeSolverStopReason::InternalTimestep) => (), Ok(OdeSolverStopReason::RootFound(t)) => { // get the state when the event occurred let mut y = solver.interpolate(t).unwrap(); // update the velocity of the ball y[1] *= -e; // make sure the ball is above the ground y[0] = y[0].max(f64::EPSILON); // set the state to the updated state solver.state_mut().y.copy_from(&y); solver.state_mut().dy[0] = y[1]; *solver.state_mut().t = t; }, Ok(OdeSolverStopReason::TstopReached) => break, Err(_) => panic!(\"unexpected solver error\"), } x.push(solver.state().y[0]); v.push(solver.state().y[1]); t.push(solver.state().t);\n}\nlet mut plot = Plot::new();\nlet x = Scatter::new(t.clone(), x).mode(Mode::Lines).name(\"x\");\nlet v = Scatter::new(t, v).mode(Mode::Lines).name(\"v\");\nplot.add_trace(x);\nplot.add_trace(v); let layout = Layout::new() .x_axis(Axis::new().title(\"t\")) .y_axis(Axis::new());\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"bouncing-ball\"));\n# fs::write(\"../src/primer/images/bouncing-ball.html\", plot_html).expect(\"Unable to write file\");\n# }","breadcrumbs":"Modelling with ODEs » Discrete Events » Example: Bouncing Ball » Example: Bouncing Ball","id":"7","title":"Example: Bouncing Ball"},"8":{"body":"Differential-algebraic equations (DAEs) are a generalisation of ordinary differential equations (ODEs) that include algebraic equations, or equations that do not involve derivatives. Algebraic equations can arise in many physical systems and often are used to model constraints on the system, such as conservation laws or other relationships between the state variables. For example, in an electrical circuit, the current flowing into a node must equal the current flowing out of the node, which can be written as an algebraic equation. DAEs can be written in the general implicit form: \\[ \\mathbf{F}(\\mathbf{y}, \\mathbf{y}', t) = 0 \\] where \\(\\mathbf{y}\\) is the vector of state variables, \\(\\mathbf{y}'\\) is the vector of derivatives of the state variables, and \\(\\mathbf{F}\\) is a vector-valued function that describes the system of equations. However, for the purposes of this primer and the capabilities of DiffSol, we will focus on a specific form of DAEs called index-1 or semi-explicit DAEs, which can be written as a combination of differential and algebraic equations: \\[ \\begin{align*} \\frac{d\\mathbf{y}}{dt} &= \\mathbf{f}(\\mathbf{y}, \\mathbf{y}', t) \\\\ 0 = \\mathbf{g}(\\mathbf{y}, t) \\end{align*} \\] where \\(\\mathbf{f}\\) is the vector-valued function that describes the differential equations and \\(\\mathbf{g}\\) is the vector-valued function that describes the algebraic equations. The key difference between DAEs and ODEs is that DAEs include algebraic equations that must be satisfied at each time step, in addition to the differential equations that describe the rate of change of the state variables. How does this relate to the standard form of an explicit ODE that we have seen before? Recall that an explicit ODE can be written as: \\[ \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] Lets update this equation to include a matrix \\(\\mathbf{M}\\) that multiplies the derivative term: \\[ M \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] When \\(M\\) is the identity matrix (i.e. a matrix with ones along the diagonal), this reduces to the standard form of an explicit ODE. However, when \\(M\\) has diagonal entries that are zero, this introduces algebraic equations into the system and it reduces to the semi-explicit DAE equations show above. The matrix \\(M\\) is called the mass matrix . Thus, we now have a general form of a set of differential equations, that includes both ODEs and semi-explicit DAEs. This general form is used by DiffSol to allow users to specify a wide range of problems, from simple ODEs to more complex DAEs. In the next section, we will look at a few examples of DAEs and how to solve them using DiffSol and a mass matrix.","breadcrumbs":"Modelling with ODEs » DAEs via the Mass Matrix » DAEs via the Mass Matrix","id":"8","title":"DAEs via the Mass Matrix"},"9":{"body":"Lets consider the following low-pass LRC filter circuit: +---L---+---C---+ | | |\nV_s = R | | | | +-------+-------+ The circuit consists of a resistor \\(R\\), an inductor \\(L\\), and a capacitor \\(C\\) connected in series to a voltage source \\(V_s\\). The voltage across the resistor \\(V\\) is given by Ohm's law: \\[ V = R i_R \\] where \\(i_R\\) is the current flowing through the resistor. The voltage across the inductor is given by: \\[ \\frac{di_L}{dt} = \\frac{V_s - V}{L} \\] where \\(di_L/dt\\) is the rate of change of current with respect to time. The voltage across the capacitor is the same as the voltage across the resistor and the equation for an ideal capacitor is: \\[ \\frac{dV}{dt} = \\frac{i_C}{C} \\] where \\(i_C\\) is the current flowing through the capacitor. The sum of the currents flowing into and out of the top-center node of the circuit must be zero according to Kirchhoff's current law: \\[ i_L = i_R + i_C \\] Thus we have a system of two differential equations and two algebraic equation that describe the evolution of the currents through the resistor, inductor, and capacitor, and the voltage across the resistor. We can write these equations in the general form: \\[ M \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] where \\[ \\mathbf{y} = \\begin{bmatrix} i_R \\\\ i_L \\\\ i_C \\\\ V \\end{bmatrix} \\] and \\[ \\mathbf{f}(\\mathbf{y}, t) = \\begin{bmatrix} V - R i_R \\\\ \\frac{V_s - V}{L} \\\\ i_L - i_R - i_C \\\\ \\frac{i_C}{C} \\end{bmatrix} \\] The mass matrix \\(M\\) has one on the diagonal for the differential equations and zero for the algebraic equation. \\[ M = \\begin{bmatrix} 0 & 0 & 0 & 0 \\\\ 0 & 1 & 0 & 0 \\\\ 0 & 0 & 0 & 0 \\\\ 0 & 0 & 0 & 1 \\end{bmatrix} \\] Instead of providing the mass matrix explicitly, the DiffSL language specifies the multiplication of the mass matrix with the derivative term, \\(M \\frac{d\\mathbf{y}}{dt}\\), which is given by: \\[ M \\frac{d\\mathbf{y}}{dt} = \\begin{bmatrix} 0 \\\\ \\frac{di_L}{dt} \\\\ 0 \\\\ \\frac{dV}{dt} \\end{bmatrix} \\] The initial conditions for the system are: \\[ \\mathbf{y}(0) = \\begin{bmatrix} 0 \\\\ 0 \\\\ 0 \\\\ 0 \\end{bmatrix} \\] The voltage source \\(V_s\\) acts as a forcing function for the system, and we can specify this as sinusoidal function of time. \\[ V_s(t) = V_0 \\sin(omega t) \\] where \\(omega\\) is the angular frequency of the source. Since this is a low-pass filter, we will choose a high frequency for the source, say \\(omega = 200\\), to demonstrate the filtering effect of the circuit. We can solve this system of equations using DiffSol and plot the current and voltage across the resistor as a function of time. # fn main() {\n# use std::fs;\nuse diffsol::{ DiffSl, CraneliftModule, OdeBuilder, OdeSolverMethod\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\ntype M = nalgebra::DMatrix;\ntype CG = CraneliftModule;\ntype LS = diffsol::NalgebraLU; let eqn = DiffSl::::compile(\" R { 100.0 } L { 1.0 } C { 0.001 } V0 { 10 } omega { 100.0 } Vs { V0 * sin(omega * t) } u_i { iR = 0, iL = 0, iC = 0, V = 0, } dudt_i { diRdt = 0, diLdt = 0, diCdt = 0, dVdt = 0, } M_i { 0, diLdt, 0, dVdt, } F_i { V - R * iR, (Vs - V) / L, iL - iR - iC, iC / C, } out_i { iR, }\n\").unwrap();\nlet problem = OdeBuilder::::new() .build_from_eqn(eqn).unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet (ys, ts) = solver.solve(1.0).unwrap(); let ir: Vec<_> = ys.row(0).into_iter().copied().collect();\nlet t: Vec<_> = ts.into_iter().collect(); let ir = Scatter::new(t.clone(), ir).mode(Mode::Lines); let mut plot = Plot::new();\nplot.add_trace(ir); let layout = Layout::new() .x_axis(Axis::new().title(\"t\")) .y_axis(Axis::new().title(\"current\"));\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"electrical-circuit\"));\n# fs::write(\"../src/primer/images/electrical-circuit.html\", plot_html).expect(\"Unable to write file\");\n# }","breadcrumbs":"Modelling with ODEs » DAEs via the Mass Matrix » Example: Electrical Circuits » Example: Electrical Circuits","id":"9","title":"Example: Electrical Circuits"}},"length":46,"save":true},"fields":["title","body","breadcrumbs"],"index":{"body":{"root":{"0":{".":{".":{"1":{"0":{"df":1,"docs":{"34":{"tf":2.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{"0":{"1":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}},"df":2,"docs":{"20":{"tf":1.0},"21":{"tf":1.4142135623730951}}},"1":{"df":16,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951},"25":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"33":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.4142135623730951},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0}}},"3":{"df":1,"docs":{"44":{"tf":1.0}}},"4":{"df":1,"docs":{"33":{"tf":1.0}}},"5":{"df":2,"docs":{"17":{"tf":2.23606797749979},"18":{"tf":1.0}}},"7":{"df":1,"docs":{"44":{"tf":1.0}}},"8":{"df":1,"docs":{"7":{"tf":1.0}}},"9":{"8":{"df":1,"docs":{"34":{"tf":3.1622776601683795}}},"df":2,"docs":{"44":{"tf":1.0},"45":{"tf":1.0}}},"df":0,"docs":{}},"df":16,"docs":{"1":{"tf":1.0},"15":{"tf":2.0},"17":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.0},"31":{"tf":2.0},"34":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.4142135623730951},"9":{"tf":5.477225575051661}}},"1":{".":{".":{"6":{")":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"p":{"(":{"df":0,"docs":{},"f":{"6":{"4":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{"df":21,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"18":{"tf":1.4142135623730951},"2":{"tf":2.23606797749979},"20":{"tf":1.7320508075688772},"21":{"tf":2.449489742783178},"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"33":{"tf":2.449489742783178},"34":{"tf":2.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.23606797749979},"39":{"tf":2.449489742783178},"4":{"tf":1.4142135623730951},"44":{"tf":1.0},"45":{"tf":1.0},"9":{"tf":1.0}}},"5":{"df":1,"docs":{"44":{"tf":1.4142135623730951}}},"9":{"df":1,"docs":{"44":{"tf":1.0}}},"df":0,"docs":{}},"0":{".":{"0":{"df":14,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":2.0},"31":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":2.23606797749979},"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"0":{".":{"0":{"df":2,"docs":{"6":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"0":{".":{"0":{"df":1,"docs":{"6":{"tf":2.449489742783178}}},"df":0,"docs":{}},"df":1,"docs":{"6":{"tf":1.7320508075688772}}},"df":1,"docs":{"6":{"tf":1.0}}},"^":{"0":{"df":1,"docs":{"43":{"tf":1.0}}},"1":{"df":1,"docs":{"43":{"tf":1.0}}},"df":0,"docs":{}},"df":5,"docs":{"1":{"tf":1.4142135623730951},"21":{"tf":1.0},"34":{"tf":1.7320508075688772},"43":{"tf":1.0},"9":{"tf":1.0}}},"2":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"8":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":17,"docs":{"13":{"tf":1.7320508075688772},"15":{"tf":2.0},"17":{"tf":1.7320508075688772},"18":{"tf":1.0},"2":{"tf":2.23606797749979},"20":{"tf":1.7320508075688772},"24":{"tf":2.23606797749979},"25":{"tf":1.4142135623730951},"26":{"tf":1.7320508075688772},"30":{"tf":3.4641016151377544},"31":{"tf":3.4641016151377544},"34":{"tf":1.4142135623730951},"4":{"tf":1.0},"41":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"2":{".":{"0":{"/":{"3":{".":{"0":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":12,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"24":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.7320508075688772},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"0":{"0":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}},"d":{"df":1,"docs":{"41":{"tf":1.4142135623730951}}},"df":8,"docs":{"15":{"tf":1.0},"20":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"41":{"tf":1.4142135623730951},"44":{"tf":1.0},"6":{"tf":1.4142135623730951}},"n":{"^":{"2":{"df":1,"docs":{"41":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"y":{"/":{"df":0,"docs":{},"k":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{}}},"3":{".":{"0":{"df":1,"docs":{"38":{"tf":1.0}}},"df":0,"docs":{}},"df":2,"docs":{"34":{"tf":1.4142135623730951},"41":{"tf":1.4142135623730951}}},"4":{".":{"0":{"/":{"3":{".":{"0":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"38":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"5":{".":{"0":{"df":1,"docs":{"38":{"tf":1.0}}},"df":0,"docs":{}},"0":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"6":{"tf":1.0}}},"df":2,"docs":{"1":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951}}},"6":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"7":{".":{"0":{"df":1,"docs":{"42":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":6,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"33":{"tf":1.0},"34":{"tf":2.449489742783178},"6":{"tf":1.0}}},"7":{"5":{"4":{"df":1,"docs":{"34":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"8":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"9":{".":{"8":{"1":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"_":{">":{"(":{"&":{"df":0,"docs":{},"t":{"a":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"u":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":1,"docs":{"35":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":2,"docs":{"34":{"tf":1.4142135623730951},"6":{"tf":1.0}},"p":{"df":7,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.4142135623730951},"21":{"tf":2.0},"34":{"tf":1.4142135623730951}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"n":{"df":4,"docs":{"18":{"tf":1.0},"33":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":1.4142135623730951}}}}}},"t":{"df":17,"docs":{"13":{"tf":1.7320508075688772},"15":{"tf":2.0},"17":{"tf":2.0},"18":{"tf":2.0},"2":{"tf":1.0},"20":{"tf":2.23606797749979},"21":{"tf":3.1622776601683795},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.23606797749979},"31":{"tf":2.23606797749979},"34":{"tf":2.449489742783178},"35":{"tf":1.7320508075688772},"36":{"tf":1.7320508075688772},"38":{"tf":2.449489742783178},"39":{"tf":3.0}}},"v":{"df":2,"docs":{"20":{"tf":1.0},"21":{"tf":1.4142135623730951}}}},"a":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"v":{"df":12,"docs":{"1":{"tf":1.0},"12":{"tf":1.7320508075688772},"13":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"3":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"2":{"tf":2.0}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"13":{"tf":1.4142135623730951},"42":{"tf":1.0}}}}},"r":{"b":{"df":1,"docs":{"0":{"tf":1.0}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}},"c":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"3":{"tf":1.0},"7":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"s":{"df":3,"docs":{"29":{"tf":1.0},"36":{"tf":1.0},"42":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"r":{"d":{"df":2,"docs":{"7":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"7":{"tf":1.0}}}}}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"0":{"tf":1.0}}}}}}},"df":0,"docs":{},"t":{"df":2,"docs":{"4":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"16":{"tf":1.0}}}}}}},"d":{"d":{"df":2,"docs":{"15":{"tf":1.0},"17":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":4,"docs":{"11":{"tf":1.0},"15":{"tf":1.7320508075688772},"42":{"tf":1.0},"8":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"23":{"tf":1.0}}}}}}}},"df":1,"docs":{"17":{"tf":1.0}},"j":{"df":0,"docs":{},"o":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"38":{"tf":1.0}}}}}}},"m":{"df":1,"docs":{"6":{"tf":1.4142135623730951}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.0}},"r":{"df":1,"docs":{"5":{"tf":1.0}}}}}}}}},"v":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"44":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"42":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"g":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":4,"docs":{"15":{"tf":1.0},"20":{"tf":1.0},"44":{"tf":1.0},"7":{"tf":1.0}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"40":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"r":{"a":{"df":6,"docs":{"0":{"tf":1.4142135623730951},"15":{"tf":1.0},"36":{"tf":1.4142135623730951},"41":{"tf":1.4142135623730951},"8":{"tf":2.8284271247461903},"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":5,"docs":{"2":{"tf":1.0},"42":{"tf":1.0},"5":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"5":{"tf":1.0}},"g":{"df":2,"docs":{"41":{"tf":2.23606797749979},"8":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"e":{"a":{"d":{"df":0,"docs":{},"i":{"df":3,"docs":{"10":{"tf":1.0},"29":{"tf":1.4142135623730951},"36":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"w":{"a":{"df":0,"docs":{},"y":{"df":1,"docs":{"3":{"tf":1.0}}}},"df":0,"docs":{}}},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"29":{"tf":1.0}}}}}}},"n":{"d":{"/":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{},"g":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}}}},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":2,"docs":{"10":{"tf":1.0},"3":{"tf":1.0}}}}}},"p":{"df":0,"docs":{},"i":{"df":5,"docs":{"0":{"tf":1.0},"10":{"tf":2.0},"12":{"tf":3.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.0}}},"p":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"3":{"tf":1.0}}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"19":{"tf":1.0}}},"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"r":{"df":0,"docs":{},"o":{"a":{"c":{"df":0,"docs":{},"h":{"df":1,"docs":{"5":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"23":{"tf":1.4142135623730951}}}}}}}}},"r":{"df":0,"docs":{},"g":{"df":0,"docs":{},"u":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"17":{"tf":1.0}}}}}}}},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"8":{"tf":1.0}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"d":{"df":3,"docs":{"10":{"tf":1.0},"13":{"tf":1.0},"34":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"a":{"df":0,"docs":{},"y":{"df":2,"docs":{"42":{"tf":1.0},"45":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"36":{"tf":1.4142135623730951}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":1,"docs":{"36":{"tf":1.0}}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}}},"o":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"m":{"df":3,"docs":{"1":{"tf":1.0},"2":{"tf":1.0},"29":{"tf":1.0}},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}}}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"(":{"[":{"1":{"df":4,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"34":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"13":{"tf":1.0}}}},"t":{"a":{"c":{"df":0,"docs":{},"h":{"df":1,"docs":{"4":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}}}}}}},"v":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":1,"docs":{"35":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}},"w":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"x":{"df":0,"docs":{},"i":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"43":{"tf":1.4142135623730951}}}}},"b":{"a":{"c":{"df":0,"docs":{},"k":{"df":1,"docs":{"39":{"tf":1.0}},"e":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"12":{"tf":1.4142135623730951},"33":{"tf":2.23606797749979}}},"df":0,"docs":{}}},"w":{"a":{"df":0,"docs":{},"r":{"d":{"df":1,"docs":{"35":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"7":{"tf":1.0}}}}}}},"df":3,"docs":{"0":{"tf":1.4142135623730951},"5":{"tf":1.7320508075688772},"7":{"tf":4.69041575982343}}}},"n":{"d":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"e":{"df":6,"docs":{"0":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0},"36":{"tf":1.4142135623730951},"39":{"tf":1.0},"6":{"tf":1.0}}},"i":{"c":{"df":1,"docs":{"0":{"tf":1.0}}},"df":1,"docs":{"6":{"tf":1.0}}}}},"d":{"df":0,"docs":{},"f":{"df":4,"docs":{"35":{"tf":1.0},"36":{"tf":1.0},"44":{"tf":1.7320508075688772},"45":{"tf":1.7320508075688772}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"_":{"df":0,"docs":{},"w":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"35":{"tf":1.0},"36":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":2,"docs":{"35":{"tf":1.0},"36":{"tf":1.0}}}}},"df":0,"docs":{}}}}},"df":1,"docs":{"2":{"tf":3.0}},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":1,"docs":{"39":{"tf":1.0}}}}},"df":1,"docs":{"0":{"tf":1.0}},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":4,"docs":{"0":{"tf":1.0},"35":{"tf":1.4142135623730951},"7":{"tf":1.0},"8":{"tf":1.0}}}}},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"40":{"tf":1.0}},"{":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":5,"docs":{"1":{"tf":1.0},"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}}}}},"b":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":8,"docs":{"1":{"tf":2.0},"15":{"tf":2.0},"2":{"tf":2.449489742783178},"20":{"tf":1.0},"3":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"9":{"tf":2.23606797749979}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"h":{"a":{"df":0,"docs":{},"v":{"df":1,"docs":{"2":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":2,"docs":{"0":{"tf":1.0},"2":{"tf":1.0}}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"12":{"tf":1.0},"33":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":3,"docs":{"13":{"tf":1.0},"31":{"tf":1.0},"6":{"tf":1.0}}}}},"n":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":1,"docs":{"40":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"12":{"tf":1.0}}}},"t":{"a":{"df":4,"docs":{"15":{"tf":2.8284271247461903},"26":{"tf":1.4142135623730951},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":5,"docs":{"2":{"tf":1.0},"42":{"tf":1.4142135623730951},"45":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.4142135623730951}}}}}}},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"39":{"tf":1.0}}},"df":0,"docs":{}}}}},"i":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}},"i":{"df":1,"docs":{"0":{"tf":1.0}}}}}}}},"o":{"d":{"df":0,"docs":{},"i":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":2.23606797749979}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":1,"docs":{"6":{"tf":1.0}}}},"o":{"df":0,"docs":{},"k":{"df":2,"docs":{"10":{"tf":1.0},"32":{"tf":1.0}}}},"t":{"df":0,"docs":{},"h":{"df":6,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0},"35":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.0},"8":{"tf":1.0}}}},"u":{"df":0,"docs":{},"n":{"c":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.4142135623730951},"7":{"tf":2.8284271247461903}}},"d":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"41":{"tf":1.0}}}}},"df":2,"docs":{"42":{"tf":1.0},"45":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"k":{"df":4,"docs":{"18":{"tf":1.0},"39":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{"(":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":4,"docs":{"2":{"tf":1.0},"33":{"tf":1.0},"4":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"m":{"df":0,"docs":{},"y":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":1,"docs":{"31":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}}},"df":2,"docs":{"23":{"tf":1.0},"33":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}},"df":11,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"15":{"tf":1.0}}}}},"df":0,"docs":{}}},"t":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"35":{"tf":1.0}}}}}},"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"31":{"tf":1.0}}}}}}},"y":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"36":{"tf":1.0}}}}},"df":0,"docs":{}}}},"c":{"/":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}},"_":{"1":{"df":1,"docs":{"1":{"tf":2.23606797749979}}},"2":{"df":1,"docs":{"1":{"tf":2.23606797749979}}},"df":0,"docs":{}},"a":{"df":0,"docs":{},"l":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":4,"docs":{"11":{"tf":1.0},"34":{"tf":1.0},"42":{"tf":1.4142135623730951},"44":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":4,"docs":{"24":{"tf":1.0},"25":{"tf":1.0},"30":{"tf":2.0},"31":{"tf":2.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":11,"docs":{"1":{"tf":1.0},"10":{"tf":1.0},"13":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"20":{"tf":1.7320508075688772},"29":{"tf":1.0},"32":{"tf":1.0},"34":{"tf":1.0},"42":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.4142135623730951}}}},"p":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"8":{"tf":1.0}}}},"c":{"df":1,"docs":{"13":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":2.23606797749979}}}}}}},"df":0,"docs":{}},"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}},"r":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"13":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"e":{"df":9,"docs":{"14":{"tf":1.0},"2":{"tf":1.0},"22":{"tf":1.0},"23":{"tf":1.7320508075688772},"26":{"tf":1.0},"34":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.7320508075688772},"45":{"tf":1.0}}}},"u":{"df":0,"docs":{},"s":{"df":1,"docs":{"44":{"tf":1.0}}}}},"df":6,"docs":{"1":{"tf":1.7320508075688772},"2":{"tf":3.0},"4":{"tf":1.7320508075688772},"43":{"tf":1.0},"45":{"tf":1.0},"9":{"tf":2.0}},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":1,"docs":{"1":{"tf":2.8284271247461903}}}},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}},"r":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":2.8284271247461903}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"16":{"tf":1.0}}}}},"df":0,"docs":{}}}},"g":{">":{":":{":":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"33":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":6,"docs":{"2":{"tf":1.4142135623730951},"33":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"h":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":7,"docs":{"0":{"tf":1.0},"1":{"tf":1.7320508075688772},"2":{"tf":2.0},"42":{"tf":1.0},"5":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.0}}}},"p":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"40":{"tf":1.0}}}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"k":{"df":2,"docs":{"42":{"tf":1.0},"45":{"tf":1.0}}}},"df":0,"docs":{},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"0":{"tf":1.0}}}}}}}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":4,"docs":{"34":{"tf":1.0},"35":{"tf":1.0},"41":{"tf":1.0},"9":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":2,"docs":{"36":{"tf":1.0},"39":{"tf":1.0}}}}}}},"i":{"df":0,"docs":{},"r":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.0}}}}}}},"df":3,"docs":{"0":{"tf":1.7320508075688772},"8":{"tf":1.0},"9":{"tf":2.449489742783178}}}}}},"df":0,"docs":{}}},"l":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"11":{"tf":1.0}},"i":{"c":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":1,"docs":{"6":{"tf":2.449489742783178}},"e":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"6":{"tf":1.7320508075688772}},"e":{"/":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"df":0,"docs":{}},"i":{"c":{"df":0,"docs":{},"k":{"df":1,"docs":{"31":{"tf":1.0}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"44":{"tf":1.4142135623730951}}},"u":{"df":0,"docs":{},"r":{"df":4,"docs":{"12":{"tf":1.0},"13":{"tf":1.0},"2":{"tf":1.0},"45":{"tf":2.0}}}}}}},"o":{"d":{"df":0,"docs":{},"e":{"df":12,"docs":{"12":{"tf":1.0},"13":{"tf":1.0},"17":{"tf":1.0},"2":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":1.4142135623730951},"36":{"tf":1.0},"4":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":2,"docs":{"4":{"tf":1.0},"7":{"tf":2.0}}}},"df":0,"docs":{}}}}},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"5":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"m":{"df":0,"docs":{},"n":{"df":2,"docs":{"13":{"tf":1.0},"34":{"tf":1.0}}}}}},"m":{"b":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":3,"docs":{"1":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0}}}}},"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{":":{":":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":3,"docs":{"0":{"tf":1.4142135623730951},"16":{"tf":1.0},"26":{"tf":1.0}}}}},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"45":{"tf":1.0}}}},"df":2,"docs":{"40":{"tf":1.4142135623730951},"45":{"tf":1.0}},"t":{"df":1,"docs":{"6":{"tf":3.872983346207417}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.0}}}}}}}},"t":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":4,"docs":{"33":{"tf":1.4142135623730951},"42":{"tf":1.0},"43":{"tf":1.4142135623730951},"45":{"tf":1.0}}}},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":3,"docs":{"12":{"tf":1.0},"24":{"tf":1.0},"8":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"13":{"tf":1.0},"34":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"19":{"tf":1.0},"20":{"tf":1.4142135623730951},"24":{"tf":1.0}}}}}},"n":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":2,"docs":{"1":{"tf":2.23606797749979},"6":{"tf":1.7320508075688772}}}}}}},"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":12,"docs":{"0":{"tf":1.0},"1":{"tf":1.4142135623730951},"16":{"tf":1.0},"2":{"tf":1.7320508075688772},"25":{"tf":1.4142135623730951},"29":{"tf":1.0},"36":{"tf":1.0},"41":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"6":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"v":{"df":1,"docs":{"8":{"tf":1.0}}}}},"i":{"d":{"df":4,"docs":{"2":{"tf":1.0},"34":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":4,"docs":{"32":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}}}},"t":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":6,"docs":{"1":{"tf":1.0},"20":{"tf":1.0},"23":{"tf":1.0},"25":{"tf":1.0},"4":{"tf":1.0},"44":{"tf":1.0}},"o":{"df":0,"docs":{},"p":{"df":6,"docs":{"23":{"tf":1.0},"25":{"tf":1.7320508075688772},"29":{"tf":1.4142135623730951},"30":{"tf":1.7320508075688772},"31":{"tf":2.0},"34":{"tf":1.0}}}}}}},"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"32":{"tf":1.0}},"t":{"df":2,"docs":{"36":{"tf":1.4142135623730951},"8":{"tf":1.0}}}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":5,"docs":{"18":{"tf":1.0},"29":{"tf":1.0},"34":{"tf":1.0},"39":{"tf":1.0},"41":{"tf":2.0}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"t":{"df":1,"docs":{"33":{"tf":1.0}}}}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"u":{"df":6,"docs":{"0":{"tf":1.0},"18":{"tf":1.0},"39":{"tf":1.4142135623730951},"5":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":3,"docs":{"19":{"tf":1.0},"34":{"tf":1.0},"5":{"tf":1.0}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":1,"docs":{"22":{"tf":1.0}}}},"r":{"df":0,"docs":{},"g":{"df":3,"docs":{"18":{"tf":1.0},"39":{"tf":1.4142135623730951},"5":{"tf":1.0}}},"t":{"df":2,"docs":{"0":{"tf":1.0},"4":{"tf":1.0}}}}}}},"r":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"29":{"tf":1.0}}},"df":0,"docs":{}}}}}}}},"u":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":1,"docs":{"1":{"tf":1.0}}}},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"29":{"tf":1.0}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"r":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"t":{"df":1,"docs":{"12":{"tf":1.0}},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":6,"docs":{"2":{"tf":2.0},"33":{"tf":2.23606797749979},"4":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"7":{"tf":1.4142135623730951},"9":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}}}}}}},"t":{"df":0,"docs":{},"e":{"df":5,"docs":{"0":{"tf":1.0},"13":{"tf":1.0},"2":{"tf":1.0},"35":{"tf":1.7320508075688772},"6":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":9,"docs":{"13":{"tf":2.0},"20":{"tf":1.0},"23":{"tf":1.4142135623730951},"29":{"tf":1.0},"31":{"tf":1.4142135623730951},"33":{"tf":1.7320508075688772},"34":{"tf":1.0},"35":{"tf":3.1622776601683795},"36":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":8,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"21":{"tf":1.0},"36":{"tf":1.7320508075688772},"39":{"tf":1.0},"5":{"tf":1.4142135623730951},"8":{"tf":1.4142135623730951},"9":{"tf":2.6457513110645907}}}}}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":8,"docs":{"12":{"tf":1.0},"22":{"tf":1.4142135623730951},"23":{"tf":1.0},"24":{"tf":1.7320508075688772},"26":{"tf":1.0},"27":{"tf":1.0},"31":{"tf":1.0},"34":{"tf":1.4142135623730951}}}}}}},"v":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"/":{"c":{"df":0,"docs":{},"v":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"s":{"_":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"c":{"df":0,"docs":{},"k":{"_":{"df":0,"docs":{},"k":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{".":{"c":{"df":1,"docs":{"41":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":3,"docs":{"41":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"d":{"a":{"df":0,"docs":{},"e":{"df":5,"docs":{"0":{"tf":2.23606797749979},"14":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.0},"8":{"tf":3.3166247903554}}},"m":{"df":0,"docs":{},"p":{"df":2,"docs":{"0":{"tf":1.0},"4":{"tf":2.0}}}},"t":{"a":{"df":5,"docs":{"0":{"tf":1.0},"12":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.0},"29":{"tf":2.0}}},"df":0,"docs":{}}},"df":1,"docs":{"2":{"tf":3.0}},"e":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":1,"docs":{"2":{"tf":1.7320508075688772}}}}},"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"35":{"tf":1.7320508075688772}}}}}}}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"44":{"tf":1.0}}}},"df":0,"docs":{}}}},"d":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"10":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"a":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":2,"docs":{"13":{"tf":1.0},"33":{"tf":1.0}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":6,"docs":{"1":{"tf":1.7320508075688772},"24":{"tf":1.0},"29":{"tf":1.4142135623730951},"35":{"tf":2.0},"42":{"tf":2.0},"6":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772}}},"y":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{}}}}}},"t":{"a":{"df":1,"docs":{"5":{"tf":1.0}}},"df":0,"docs":{}}},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":3,"docs":{"24":{"tf":1.0},"45":{"tf":1.0},"9":{"tf":1.0}}}}}}}},"n":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}},"s":{"df":5,"docs":{"13":{"tf":1.4142135623730951},"32":{"tf":1.0},"41":{"tf":1.7320508075688772},"42":{"tf":1.0},"44":{"tf":1.0}}}},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"d":{"df":6,"docs":{"1":{"tf":1.0},"14":{"tf":1.0},"2":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.0},"6":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":7,"docs":{"0":{"tf":1.0},"1":{"tf":1.4142135623730951},"19":{"tf":1.0},"20":{"tf":1.4142135623730951},"3":{"tf":2.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}},"s":{"c":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"b":{"df":9,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0},"3":{"tf":1.0},"34":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":1.0},"8":{"tf":2.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":3,"docs":{"0":{"tf":1.0},"32":{"tf":1.0},"5":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"y":{"df":1,"docs":{"29":{"tf":1.0}}}}}}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":4,"docs":{"32":{"tf":1.0},"34":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":5,"docs":{"0":{"tf":1.0},"18":{"tf":1.4142135623730951},"34":{"tf":1.7320508075688772},"5":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"34":{"tf":1.0}}}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":1,"docs":{"40":{"tf":1.0}}}}}}}},"i":{"_":{"df":0,"docs":{},"l":{"/":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"a":{"df":0,"docs":{},"g":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":4,"docs":{"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"8":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"c":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"n":{"'":{"df":0,"docs":{},"t":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":10,"docs":{"1":{"tf":1.0},"2":{"tf":2.0},"34":{"tf":1.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"42":{"tf":2.0},"44":{"tf":1.7320508075688772},"45":{"tf":1.4142135623730951},"5":{"tf":1.0},"8":{"tf":1.0}},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":6,"docs":{"0":{"tf":1.7320508075688772},"1":{"tf":1.0},"32":{"tf":1.0},"41":{"tf":1.0},"8":{"tf":2.449489742783178},"9":{"tf":1.4142135623730951}}}}}}}},"i":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":1,"docs":{"5":{"tf":1.0}}}}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"l":{":":{":":{"<":{"df":0,"docs":{},"m":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"33":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":12,"docs":{"10":{"tf":1.0},"12":{"tf":2.23606797749979},"2":{"tf":1.7320508075688772},"32":{"tf":2.449489742783178},"33":{"tf":2.8284271247461903},"4":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":2.8284271247461903},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"o":{"df":0,"docs":{},"l":{"'":{"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":1.0}}},":":{":":{"b":{"d":{"df":0,"docs":{},"f":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"f":{"a":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":1,"docs":{"35":{"tf":1.0}}}},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":1,"docs":{"35":{"tf":1.0}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"n":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"33":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":1,"docs":{"35":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"o":{"d":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"df":12,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"31":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{},"p":{"df":1,"docs":{"24":{"tf":1.4142135623730951}}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":1,"docs":{"35":{"tf":1.0}}}}}},"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":2,"docs":{"13":{"tf":1.4142135623730951},"34":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"{":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"s":{"df":0,"docs":{},"l":{"df":1,"docs":{"33":{"tf":1.4142135623730951}}}}}}}},"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"df":1,"docs":{"33":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":1,"docs":{"34":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"d":{"df":4,"docs":{"18":{"tf":1.0},"21":{"tf":1.4142135623730951},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}}}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"35":{"tf":1.0},"36":{"tf":1.0}}}}}}}}}}}},"df":0,"docs":{},"p":{"df":4,"docs":{"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":26,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":1.4142135623730951},"10":{"tf":1.7320508075688772},"11":{"tf":1.0},"12":{"tf":1.4142135623730951},"14":{"tf":1.0},"15":{"tf":1.4142135623730951},"17":{"tf":1.0},"2":{"tf":1.7320508075688772},"24":{"tf":1.0},"3":{"tf":1.0},"32":{"tf":1.7320508075688772},"33":{"tf":1.0},"34":{"tf":2.0},"38":{"tf":1.0},"4":{"tf":1.4142135623730951},"40":{"tf":1.0},"41":{"tf":2.0},"42":{"tf":3.0},"43":{"tf":1.0},"44":{"tf":2.449489742783178},"5":{"tf":2.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"8":{"tf":1.7320508075688772},"9":{"tf":1.4142135623730951}}}}},"u":{"df":0,"docs":{},"s":{"df":3,"docs":{"41":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0}}}}}},"l":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":1,"docs":{"41":{"tf":1.4142135623730951}}}}}},"r":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"4":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"35":{"tf":1.4142135623730951},"44":{"tf":1.0}}}}}},"df":0,"docs":{}}},"s":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"u":{"df":1,"docs":{"5":{"tf":1.4142135623730951}}}}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"44":{"tf":1.0}}},"t":{"df":3,"docs":{"0":{"tf":2.23606797749979},"5":{"tf":3.1622776601683795},"7":{"tf":1.0}},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"14":{"tf":1.0}}}}}}},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"19":{"tf":1.0},"44":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"1":{"tf":1.0}}}},"df":0,"docs":{}},"h":{"df":1,"docs":{"1":{"tf":1.7320508075688772}}},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":1,"docs":{"4":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}}}},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":3,"docs":{"12":{"tf":1.0},"2":{"tf":1.0},"32":{"tf":1.0}}}}},"df":0,"docs":{}},"n":{"'":{"df":0,"docs":{},"t":{"df":1,"docs":{"36":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":4,"docs":{"13":{"tf":1.0},"17":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"6":{"tf":3.605551275463989}},"s":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"k":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"(":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"[":{"0":{"]":{".":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"w":{"df":0,"docs":{},"n":{"df":3,"docs":{"1":{"tf":1.4142135623730951},"45":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"o":{"df":0,"docs":{},"p":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}}},"u":{"df":0,"docs":{},"g":{"df":3,"docs":{"0":{"tf":1.7320508075688772},"5":{"tf":1.7320508075688772},"6":{"tf":4.0}}}}},"s":{"df":0,"docs":{},"l":{"df":3,"docs":{"10":{"tf":1.4142135623730951},"12":{"tf":1.0},"32":{"tf":1.0}}}},"u":{"d":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"e":{"df":5,"docs":{"3":{"tf":1.0},"34":{"tf":1.0},"44":{"tf":2.0},"45":{"tf":1.0},"7":{"tf":1.0}}},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":2,"docs":{"34":{"tf":1.0},"41":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"e":{"df":3,"docs":{"18":{"tf":1.4142135623730951},"29":{"tf":1.0},"5":{"tf":1.0}}}}},"v":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"1":{"df":9,"docs":{"13":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":2,"docs":{"13":{"tf":1.0},"15":{"tf":1.0}}}}}},"df":0,"docs":{}}},"y":{"/":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":4,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"2":{"tf":2.0},"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{".":{"df":0,"docs":{},"g":{"df":1,"docs":{"29":{"tf":1.0}}}},"a":{"c":{"df":0,"docs":{},"h":{"df":16,"docs":{"13":{"tf":1.0},"2":{"tf":1.4142135623730951},"21":{"tf":1.0},"23":{"tf":1.7320508075688772},"34":{"tf":1.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.7320508075688772},"37":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.0},"43":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"8":{"tf":1.0}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"10":{"tf":1.0},"35":{"tf":1.0}}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"12":{"tf":1.0},"38":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"10":{"tf":1.0},"45":{"tf":1.0}}}}}}},"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"y":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}}}}}},"df":3,"docs":{"18":{"tf":1.0},"39":{"tf":1.0},"7":{"tf":2.23606797749979}},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.0},"6":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"df":0,"docs":{}},"i":{"c":{"a":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"i":{"df":3,"docs":{"33":{"tf":1.0},"34":{"tf":1.0},"39":{"tf":1.0}}}},"df":0,"docs":{}}}},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":3,"docs":{"0":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":2,"docs":{"21":{"tf":1.4142135623730951},"34":{"tf":2.23606797749979}}}}}}}},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"24":{"tf":1.0}}}}}},"n":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"{":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":5,"docs":{"1":{"tf":1.0},"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}}}}},"b":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":8,"docs":{"1":{"tf":2.0},"15":{"tf":2.0},"2":{"tf":2.449489742783178},"20":{"tf":1.0},"3":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"9":{"tf":2.23606797749979}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":3,"docs":{"29":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":4,"docs":{"27":{"tf":1.0},"28":{"tf":1.0},"30":{"tf":1.0},"42":{"tf":1.0}}}},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"8":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"m":{"df":2,"docs":{"18":{"tf":1.0},"39":{"tf":1.0}}}}},"q":{"df":0,"docs":{},"n":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"33":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"u":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"16":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}},"t":{"df":24,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":2.449489742783178},"11":{"tf":1.4142135623730951},"13":{"tf":1.7320508075688772},"15":{"tf":1.4142135623730951},"16":{"tf":1.0},"2":{"tf":2.23606797749979},"20":{"tf":2.23606797749979},"23":{"tf":1.0},"24":{"tf":1.0},"27":{"tf":1.4142135623730951},"28":{"tf":1.0},"3":{"tf":1.4142135623730951},"30":{"tf":1.0},"32":{"tf":1.4142135623730951},"34":{"tf":2.0},"36":{"tf":1.0},"38":{"tf":1.0},"4":{"tf":1.0},"41":{"tf":2.23606797749979},"45":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"8":{"tf":4.0},"9":{"tf":2.6457513110645907}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{}}}}},"r":{"df":0,"docs":{},"r":{"(":{"_":{"df":2,"docs":{"39":{"tf":1.0},"7":{"tf":1.0}}},"df":2,"docs":{"18":{"tf":1.0},"39":{"tf":1.0}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":3,"docs":{"39":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0}}}}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"3":{"4":{"df":1,"docs":{"35":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"35":{"tf":1.0}}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"19":{"tf":1.0}}}}}},"t":{"c":{"df":1,"docs":{"43":{"tf":1.0}}},"df":0,"docs":{}},"v":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":3,"docs":{"12":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":2.6457513110645907},"5":{"tf":3.605551275463989},"7":{"tf":2.449489742783178}}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.0},"5":{"tf":1.0},"9":{"tf":1.0}}}}}}},"x":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":22,"docs":{"0":{"tf":3.3166247903554},"1":{"tf":1.7320508075688772},"10":{"tf":1.0},"13":{"tf":1.4142135623730951},"15":{"tf":1.0},"17":{"tf":1.4142135623730951},"2":{"tf":1.7320508075688772},"20":{"tf":1.0},"29":{"tf":1.4142135623730951},"3":{"tf":1.7320508075688772},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.0},"4":{"tf":1.0},"41":{"tf":2.449489742783178},"42":{"tf":2.0},"45":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.4142135623730951},"9":{"tf":1.0}}}}}},"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"43":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"33":{"tf":1.0}}}}},"df":0,"docs":{}},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"44":{"tf":1.0}}}},"df":0,"docs":{}},"l":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"0":{"tf":1.0},"10":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"1":{"tf":2.23606797749979},"8":{"tf":2.449489742783178}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"13":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}}}}}}}}},"f":{"'":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"i":{"df":3,"docs":{"13":{"tf":1.7320508075688772},"24":{"tf":1.0},"34":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"i":{"df":2,"docs":{"13":{"tf":1.7320508075688772},"24":{"tf":1.0}}},"t":{"df":3,"docs":{"11":{"tf":1.4142135623730951},"14":{"tf":1.0},"15":{"tf":1.0}}}},"6":{"4":{"df":6,"docs":{"24":{"tf":1.7320508075688772},"25":{"tf":1.0},"26":{"tf":1.0},"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"a":{"c":{"df":0,"docs":{},"e":{"df":1,"docs":{"10":{"tf":1.0}}},"t":{"df":3,"docs":{"34":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0}},"o":{"df":0,"docs":{},"r":{"df":2,"docs":{"42":{"tf":1.0},"44":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{},"l":{"<":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"t":{"df":2,"docs":{"13":{"tf":1.0},"34":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":3,"docs":{"13":{"tf":1.0},"35":{"tf":1.4142135623730951},"41":{"tf":1.7320508075688772}}}},"i":{"df":0,"docs":{},"l":{"df":4,"docs":{"18":{"tf":1.0},"34":{"tf":1.0},"39":{"tf":1.7320508075688772},"5":{"tf":1.0}}}},"l":{"df":0,"docs":{},"l":{"df":1,"docs":{"7":{"tf":1.0}}}},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"24":{"tf":1.0}}}},"df":0,"docs":{}}}},"r":{"df":3,"docs":{"27":{"tf":1.0},"3":{"tf":1.0},"32":{"tf":1.0}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":4,"docs":{"12":{"tf":1.0},"33":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0}}}}}}},"df":3,"docs":{"13":{"tf":1.0},"15":{"tf":1.7320508075688772},"33":{"tf":1.4142135623730951}},"e":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":5,"docs":{"12":{"tf":1.0},"2":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":1.4142135623730951},"7":{"tf":1.0}}}}}},"df":0,"docs":{},"w":{"df":2,"docs":{"38":{"tf":1.0},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"d":{"df":2,"docs":{"21":{"tf":1.0},"6":{"tf":1.0}}},"df":0,"docs":{}}},"g":{"df":1,"docs":{"6":{"tf":1.7320508075688772}},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"e":{"df":7,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"41":{"tf":2.0},"42":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"0":{"tf":1.0},"9":{"tf":1.7320508075688772}}}}}},"n":{"a":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"7":{"tf":1.0}}}}}},"df":4,"docs":{"23":{"tf":1.0},"38":{"tf":1.0},"42":{"tf":1.0},"7":{"tf":1.0}}}},"d":{"df":6,"docs":{"1":{"tf":1.0},"11":{"tf":1.0},"16":{"tf":1.7320508075688772},"17":{"tf":2.0},"39":{"tf":1.0},"5":{"tf":1.0}}},"df":0,"docs":{},"e":{"df":1,"docs":{"32":{"tf":1.0}}},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"42":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":8,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":3.1622776601683795},"2":{"tf":2.0},"24":{"tf":1.0},"3":{"tf":2.23606797749979},"4":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":1.4142135623730951}}}}},"t":{"df":1,"docs":{"12":{"tf":1.0}}}},"l":{"a":{"df":0,"docs":{},"g":{"df":2,"docs":{"12":{"tf":1.0},"33":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"b":{"df":0,"docs":{},"l":{"df":3,"docs":{"10":{"tf":1.0},"12":{"tf":1.0},"5":{"tf":1.0}}}},"df":0,"docs":{}}}},"o":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.0}}}},"df":0,"docs":{},"w":{"df":3,"docs":{"34":{"tf":1.0},"8":{"tf":1.4142135623730951},"9":{"tf":1.7320508075688772}}}}},"n":{"df":23,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"24":{"tf":3.605551275463989},"25":{"tf":2.23606797749979},"26":{"tf":2.449489742783178},"29":{"tf":1.0},"30":{"tf":5.5677643628300215},"31":{"tf":5.5677643628300215},"33":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"o":{"c":{"df":0,"docs":{},"u":{"df":3,"docs":{"32":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0}},"s":{"df":2,"docs":{"27":{"tf":1.0},"40":{"tf":1.0}}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":8,"docs":{"13":{"tf":1.0},"17":{"tf":1.0},"38":{"tf":1.0},"4":{"tf":1.0},"43":{"tf":1.0},"6":{"tf":1.4142135623730951},"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"o":{"d":{"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"b":{"df":4,"docs":{"41":{"tf":1.0},"42":{"tf":1.7320508075688772},"44":{"tf":1.4142135623730951},"45":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"f":{"df":1,"docs":{"34":{"tf":1.0}}}}}}}}},"r":{"c":{"df":2,"docs":{"4":{"tf":1.7320508075688772},"9":{"tf":1.0}}},"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.0}}}},"df":13,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":2.449489742783178},"11":{"tf":1.0},"14":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"3":{"tf":1.0},"33":{"tf":1.0},"41":{"tf":1.0},"6":{"tf":1.4142135623730951},"7":{"tf":1.0},"8":{"tf":2.449489742783178},"9":{"tf":1.0}},"u":{"df":0,"docs":{},"l":{"a":{"df":1,"docs":{"35":{"tf":1.0}}},"df":0,"docs":{}}}},"w":{"a":{"df":0,"docs":{},"r":{"d":{"df":5,"docs":{"1":{"tf":1.0},"19":{"tf":1.7320508075688772},"21":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"18":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"a":{"c":{"df":0,"docs":{},"{":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"d":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"y":{"df":0,"docs":{},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":7,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0},"3":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"^":{"2":{"df":0,"docs":{},"x":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"^":{"2":{"df":3,"docs":{"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"c":{"_":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"2":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"i":{"_":{"df":0,"docs":{},"l":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"q":{"_":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"{":{"df":0,"docs":{},"p":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"v":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":4,"docs":{"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"x":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":4,"docs":{"2":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"4":{"tf":1.7320508075688772},"7":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"y":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"k":{"df":1,"docs":{"20":{"tf":1.0}}},"r":{"df":1,"docs":{"20":{"tf":1.0}}},"t":{"df":8,"docs":{"11":{"tf":1.0},"13":{"tf":1.0},"14":{"tf":1.0},"15":{"tf":1.4142135623730951},"17":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"24":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"i":{"_":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"c":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"k":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"q":{"_":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"v":{"_":{"c":{"df":1,"docs":{"6":{"tf":2.449489742783178}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"{":{"df":0,"docs":{},"p":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"v":{"_":{"df":0,"docs":{},"{":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":2.0}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"v":{"_":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"x":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"y":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}}}},"s":{":":{":":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{"\"":{".":{".":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"r":{"c":{"/":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"/":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"/":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"r":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}},"df":0,"docs":{}}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}},"s":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":3,"docs":{"15":{"tf":1.0},"31":{"tf":1.0},"6":{"tf":1.0}}}},"n":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":21,"docs":{"1":{"tf":1.4142135623730951},"11":{"tf":1.4142135623730951},"12":{"tf":2.0},"13":{"tf":1.7320508075688772},"15":{"tf":1.4142135623730951},"17":{"tf":2.6457513110645907},"22":{"tf":1.0},"23":{"tf":2.449489742783178},"24":{"tf":2.449489742783178},"25":{"tf":1.4142135623730951},"26":{"tf":1.0},"29":{"tf":2.23606797749979},"34":{"tf":2.23606797749979},"38":{"tf":1.4142135623730951},"42":{"tf":3.0},"44":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":2.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}}}}}},"d":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"39":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"g":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"t":{"df":1,"docs":{"11":{"tf":1.7320508075688772}}}},"df":2,"docs":{"3":{"tf":2.0},"7":{"tf":2.449489742783178}},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"v":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":3,"docs":{"26":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":1,"docs":{"15":{"tf":1.0}}}},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":2,"docs":{"0":{"tf":1.0},"8":{"tf":1.0}}}}}},"df":12,"docs":{"1":{"tf":1.7320508075688772},"13":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.0},"32":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"42":{"tf":1.7320508075688772},"43":{"tf":1.0},"44":{"tf":1.4142135623730951},"8":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}},"t":{"df":1,"docs":{"29":{"tf":1.0}}}},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":1,"docs":{"15":{"tf":1.0}},"n":{"df":4,"docs":{"1":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":2.0},"9":{"tf":1.7320508075688772}}}}}},"o":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"23":{"tf":1.0},"24":{"tf":1.0},"40":{"tf":1.0}}}},"df":2,"docs":{"24":{"tf":1.0},"25":{"tf":1.0}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}}},"r":{"a":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":4,"docs":{"13":{"tf":1.0},"20":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.0}}}}}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"h":{"df":1,"docs":{"43":{"tf":1.0}}}},"v":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":2,"docs":{"3":{"tf":1.4142135623730951},"7":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"d":{"df":1,"docs":{"41":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"d":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.0},"7":{"tf":2.8284271247461903}}},"df":0,"docs":{}}},"w":{"df":2,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0}},"t":{"df":0,"docs":{},"h":{"df":4,"docs":{"1":{"tf":1.4142135623730951},"13":{"tf":1.0},"2":{"tf":2.23606797749979},"20":{"tf":1.7320508075688772}}}}}}},"u":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}}}}}},"h":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}}},"n":{"d":{"df":8,"docs":{"11":{"tf":1.0},"15":{"tf":1.0},"20":{"tf":1.4142135623730951},"22":{"tf":1.0},"29":{"tf":1.4142135623730951},"4":{"tf":1.0},"42":{"tf":1.4142135623730951},"45":{"tf":1.0}},"l":{"df":4,"docs":{"0":{"tf":1.0},"14":{"tf":1.0},"5":{"tf":1.7320508075688772},"7":{"tf":1.0}}}},"df":0,"docs":{}},"v":{"df":0,"docs":{},"e":{"df":1,"docs":{"12":{"tf":1.0}}}}},"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":2.0}},"e":{"a":{"df":0,"docs":{},"t":{"2":{"d":{"df":3,"docs":{"41":{"tf":1.0},"42":{"tf":1.7320508075688772},"44":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":1,"docs":{"41":{"tf":1.0}}},"v":{"df":0,"docs":{},"i":{"df":1,"docs":{"42":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}}}}},"r":{"df":0,"docs":{},"e":{"df":3,"docs":{"0":{"tf":1.0},"17":{"tf":1.0},"6":{"tf":1.0}}}}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":3,"docs":{"38":{"tf":1.0},"45":{"tf":1.0},"9":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{"df":4,"docs":{"0":{"tf":2.0},"12":{"tf":1.0},"3":{"tf":2.23606797749979},"32":{"tf":1.0}}},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"3":{"tf":1.0}}}}}}},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"31":{"tf":1.0}}}},"t":{"df":2,"docs":{"0":{"tf":1.0},"7":{"tf":2.449489742783178}}}},"o":{"df":0,"docs":{},"l":{"d":{"df":5,"docs":{"2":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.0},"36":{"tf":1.0},"5":{"tf":1.0}}},"df":0,"docs":{}},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"t":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"i":{".":{"df":5,"docs":{"13":{"tf":1.0},"20":{"tf":1.0},"34":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}},"_":{"c":{"df":1,"docs":{"9":{"tf":2.0}}},"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}},"r":{"df":1,"docs":{"9":{"tf":2.449489742783178}}}},"c":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}},"d":{"a":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"/":{"df":0,"docs":{},"i":{"d":{"a":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"b":{"_":{"b":{"df":0,"docs":{},"n":{"d":{".":{"c":{"df":1,"docs":{"41":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"h":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"2":{"d":{"_":{"df":0,"docs":{},"k":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{".":{"c":{"df":1,"docs":{"41":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"s":{"_":{"d":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{".":{"c":{"df":1,"docs":{"41":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":3,"docs":{"41":{"tf":1.7320508075688772},"42":{"tf":1.0},"44":{"tf":1.4142135623730951}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":4,"docs":{"11":{"tf":1.0},"14":{"tf":1.0},"42":{"tf":1.0},"8":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":1,"docs":{"34":{"tf":1.0}}}}},"l":{"df":1,"docs":{"9":{"tf":1.4142135623730951}},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":5,"docs":{"0":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.0},"24":{"tf":1.0},"34":{"tf":1.0}}}}}}}},"m":{"a":{"df":0,"docs":{},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"21":{"tf":1.0},"30":{"tf":1.0}}}}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"<":{"'":{"a":{"df":3,"docs":{"24":{"tf":1.4142135623730951},"30":{"tf":1.0},"31":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":5,"docs":{"24":{"tf":2.0},"25":{"tf":1.4142135623730951},"26":{"tf":1.7320508075688772},"30":{"tf":3.605551275463989},"31":{"tf":3.605551275463989}},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":19,"docs":{"12":{"tf":1.0},"23":{"tf":2.6457513110645907},"24":{"tf":2.23606797749979},"25":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":3.1622776601683795},"30":{"tf":2.6457513110645907},"31":{"tf":2.449489742783178},"34":{"tf":1.0},"36":{"tf":1.0},"37":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":3.1622776601683795},"43":{"tf":1.7320508075688772},"44":{"tf":2.8284271247461903},"45":{"tf":2.6457513110645907},"7":{"tf":1.0}}}}}}},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"35":{"tf":1.0},"8":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"11":{"tf":1.4142135623730951},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":2,"docs":{"1":{"tf":1.0},"2":{"tf":1.0}}}},"s":{"df":1,"docs":{"41":{"tf":1.0}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"v":{"df":1,"docs":{"44":{"tf":1.7320508075688772}}}}}}},"n":{"a":{"c":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"5":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"c":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"d":{"df":8,"docs":{"0":{"tf":1.0},"14":{"tf":1.0},"20":{"tf":1.0},"26":{"tf":1.0},"31":{"tf":1.0},"43":{"tf":1.7320508075688772},"7":{"tf":1.0},"8":{"tf":2.0}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"36":{"tf":1.0}}},"df":0,"docs":{}}}},"x":{"df":4,"docs":{"34":{"tf":1.0},"42":{"tf":1.4142135623730951},"45":{"tf":1.0},"8":{"tf":1.0}}}},"i":{"c":{"df":2,"docs":{"39":{"tf":1.0},"4":{"tf":1.0}}},"df":0,"docs":{},"v":{"df":0,"docs":{},"i":{"d":{"df":0,"docs":{},"u":{"df":1,"docs":{"27":{"tf":1.0}}}},"df":0,"docs":{}}}},"u":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"1":{"tf":1.0}}}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"3":{"tf":1.0}}},"df":0,"docs":{}}}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":3,"docs":{"1":{"tf":1.0},"36":{"tf":1.0},"5":{"tf":1.4142135623730951}}}}}},"i":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{},"|":{"_":{"df":0,"docs":{},"p":{"df":7,"docs":{"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":2,"docs":{"20":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951}}}}}},"df":5,"docs":{"13":{"tf":1.4142135623730951},"23":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"34":{"tf":1.4142135623730951}},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":3,"docs":{"35":{"tf":1.4142135623730951},"36":{"tf":2.0},"39":{"tf":1.0}}}}}},"df":13,"docs":{"1":{"tf":1.4142135623730951},"11":{"tf":1.0},"13":{"tf":2.449489742783178},"2":{"tf":2.0},"20":{"tf":1.4142135623730951},"25":{"tf":1.4142135623730951},"29":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.7320508075688772},"38":{"tf":2.449489742783178},"6":{"tf":1.4142135623730951},"7":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"34":{"tf":1.0},"41":{"tf":1.7320508075688772},"6":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"33":{"tf":1.0}}},"n":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"a":{"d":{"df":5,"docs":{"0":{"tf":1.0},"15":{"tf":1.0},"34":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"g":{"df":0,"docs":{},"r":{"df":4,"docs":{"1":{"tf":1.0},"38":{"tf":1.0},"5":{"tf":2.0},"7":{"tf":1.0}}}},"r":{"a":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}}},"n":{"df":5,"docs":{"21":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":1.0},"5":{"tf":1.7320508075688772}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"21":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":1,"docs":{"39":{"tf":1.4142135623730951}}}}},"v":{"df":1,"docs":{"6":{"tf":1.0}}}}},"r":{"a":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"u":{"c":{"df":6,"docs":{"0":{"tf":1.0},"2":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}},"t":{"df":1,"docs":{"5":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}}}}},"v":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":5,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"3":{"tf":1.7320508075688772},"5":{"tf":1.0},"8":{"tf":1.0}}}}}}},"r":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":1,"docs":{"9":{"tf":2.449489742783178}}},"t":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"34":{"tf":1.0},"6":{"tf":1.0}}}}}}}},"j":{"_":{"df":0,"docs":{},"p":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}},"{":{"df":0,"docs":{},"y":{"_":{"0":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"a":{"c":{"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":1,"docs":{"24":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"n":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.0}}}}},"df":0,"docs":{}}}}}}}}},"df":8,"docs":{"13":{"tf":1.0},"15":{"tf":1.4142135623730951},"20":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.4142135623730951},"34":{"tf":3.7416573867739413},"42":{"tf":3.0},"44":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":2,"docs":{"20":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951}},"i":{"df":0,"docs":{},"t":{"df":3,"docs":{"33":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.0}}}}},"k":{"/":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}},"^":{"2":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{}},"_":{"1":{"df":1,"docs":{"1":{"tf":1.7320508075688772}}},"2":{"df":1,"docs":{"1":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":6,"docs":{"1":{"tf":1.4142135623730951},"13":{"tf":1.0},"20":{"tf":1.4142135623730951},"33":{"tf":2.449489742783178},"4":{"tf":1.7320508075688772},"6":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}},"r":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"'":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}},"l":{"df":0,"docs":{},"u":{"df":2,"docs":{"41":{"tf":2.23606797749979},"42":{"tf":1.0}}}},"n":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":2,"docs":{"1":{"tf":1.4142135623730951},"17":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"t":{"df":0,"docs":{},"t":{"a":{"df":1,"docs":{"35":{"tf":1.0}}},"df":0,"docs":{}}}}},"l":{"a":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"40":{"tf":1.0}}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"g":{"df":7,"docs":{"10":{"tf":1.0},"12":{"tf":1.4142135623730951},"2":{"tf":1.0},"32":{"tf":1.7320508075688772},"42":{"tf":1.0},"45":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"g":{"df":3,"docs":{"10":{"tf":1.0},"34":{"tf":1.0},"44":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"44":{"tf":1.7320508075688772},"45":{"tf":1.4142135623730951}}}}}},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"17":{"tf":1.0}}}},"w":{"df":2,"docs":{"8":{"tf":1.0},"9":{"tf":1.4142135623730951}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"40":{"tf":1.0}}},"df":0,"docs":{}}}}},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{":":{":":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":1,"docs":{"9":{"tf":2.0}},"e":{"a":{"d":{"df":1,"docs":{"14":{"tf":1.0}}},"df":0,"docs":{},"v":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"t":{"df":2,"docs":{"1":{"tf":1.0},"6":{"tf":2.0}}}},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"39":{"tf":1.0}}}},"t":{"'":{"df":2,"docs":{"2":{"tf":1.0},"6":{"tf":1.0}}},"df":8,"docs":{"1":{"tf":1.0},"2":{"tf":1.0},"21":{"tf":1.0},"30":{"tf":1.0},"34":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":5,"docs":{"12":{"tf":1.0},"32":{"tf":1.0},"38":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0}}}}}},"i":{"b":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":6,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.7320508075688772},"42":{"tf":1.4142135623730951},"44":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"29":{"tf":1.0}}}}}}},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":2,"docs":{"29":{"tf":1.0},"39":{"tf":1.0}}}}}}}}}}},"n":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":8,"docs":{"23":{"tf":1.4142135623730951},"24":{"tf":1.0},"26":{"tf":1.0},"35":{"tf":1.4142135623730951},"41":{"tf":2.449489742783178},"42":{"tf":1.7320508075688772},"44":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951}},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}},"o":{"df":0,"docs":{},"p":{"df":5,"docs":{"23":{"tf":1.0},"26":{"tf":1.7320508075688772},"29":{"tf":1.4142135623730951},"30":{"tf":1.7320508075688772},"31":{"tf":2.0}}}}}},"df":0,"docs":{}},"k":{"df":1,"docs":{"42":{"tf":1.0}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"40":{"tf":1.0}}}}}}}}},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"m":{"df":2,"docs":{"12":{"tf":1.4142135623730951},"33":{"tf":1.7320508075688772}},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"33":{"tf":1.0}}}}},"df":0,"docs":{}}}}}},"o":{"df":0,"docs":{},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":6,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"20":{"tf":1.7320508075688772},"24":{"tf":1.0},"34":{"tf":1.0}}}}}},"o":{"df":0,"docs":{},"k":{"df":4,"docs":{"1":{"tf":1.0},"3":{"tf":1.4142135623730951},"5":{"tf":1.0},"8":{"tf":1.0}}},"p":{"df":5,"docs":{"18":{"tf":1.0},"2":{"tf":1.0},"39":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"t":{"df":0,"docs":{},"k":{"a":{"df":1,"docs":{"2":{"tf":1.7320508075688772}}},"df":0,"docs":{}}},"w":{"df":2,"docs":{"0":{"tf":1.0},"9":{"tf":1.4142135623730951}}}},"r":{"c":{"df":2,"docs":{"0":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"s":{"df":12,"docs":{"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951},"33":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"u":{"df":2,"docs":{"35":{"tf":1.7320508075688772},"41":{"tf":1.0}}}},"m":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"v":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"p":{"df":1,"docs":{"15":{"tf":1.0}}},"t":{"df":3,"docs":{"11":{"tf":1.4142135623730951},"14":{"tf":1.0},"15":{"tf":1.4142135623730951}}}},":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"1":{"df":1,"docs":{"26":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"9":{"tf":1.0}}}},"a":{"d":{"df":0,"docs":{},"e":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":26,"docs":{"12":{"tf":1.0},"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"24":{"tf":1.7320508075688772},"25":{"tf":1.0},"26":{"tf":1.0},"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"33":{"tf":1.7320508075688772},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"42":{"tf":1.4142135623730951},"45":{"tf":1.0},"6":{"tf":1.4142135623730951},"7":{"tf":1.0},"9":{"tf":1.0}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"5":{"tf":1.0},"6":{"tf":1.0}}}}},"df":0,"docs":{}}}},"k":{"df":0,"docs":{},"e":{"df":5,"docs":{"0":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.0},"42":{"tf":1.0},"7":{"tf":1.0}}}},"n":{"df":0,"docs":{},"i":{"df":6,"docs":{"1":{"tf":1.0},"19":{"tf":1.0},"29":{"tf":1.0},"3":{"tf":1.0},"5":{"tf":1.4142135623730951},"8":{"tf":1.0}}},"u":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"34":{"tf":1.0},"35":{"tf":2.0},"36":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":15,"docs":{"0":{"tf":2.23606797749979},"11":{"tf":1.0},"14":{"tf":2.6457513110645907},"15":{"tf":2.449489742783178},"23":{"tf":1.0},"26":{"tf":2.23606797749979},"29":{"tf":1.0},"3":{"tf":2.449489742783178},"30":{"tf":1.0},"31":{"tf":1.0},"35":{"tf":1.0},"4":{"tf":3.4641016151377544},"42":{"tf":2.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}}},"t":{"c":{"df":0,"docs":{},"h":{"df":5,"docs":{"18":{"tf":1.0},"39":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"f":{"df":1,"docs":{"8":{"tf":1.4142135623730951}},"}":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":7,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"7":{"tf":1.4142135623730951},"8":{"tf":2.0},"9":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"g":{"df":1,"docs":{"8":{"tf":1.0}},"}":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"8":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"i":{"df":9,"docs":{"1":{"tf":1.4142135623730951},"15":{"tf":1.7320508075688772},"2":{"tf":1.0},"3":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0},"9":{"tf":1.0}}},"m":{"df":1,"docs":{"8":{"tf":1.0}}},"p":{"df":1,"docs":{"15":{"tf":2.0}}},"v":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}},"y":{"df":0,"docs":{},"}":{"(":{"0":{"df":5,"docs":{"1":{"tf":1.0},"2":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":2,"docs":{"5":{"tf":1.0},"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"i":{"c":{"df":6,"docs":{"14":{"tf":1.0},"24":{"tf":1.0},"35":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.7320508075688772},"44":{"tf":1.0}}},"df":0,"docs":{},"x":{"df":13,"docs":{"0":{"tf":1.7320508075688772},"11":{"tf":1.4142135623730951},"13":{"tf":2.449489742783178},"14":{"tf":2.449489742783178},"15":{"tf":2.449489742783178},"26":{"tf":1.4142135623730951},"29":{"tf":1.0},"34":{"tf":3.872983346207417},"41":{"tf":2.449489742783178},"42":{"tf":2.6457513110645907},"44":{"tf":1.0},"8":{"tf":2.6457513110645907},"9":{"tf":1.7320508075688772}}}}}}},"df":24,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"24":{"tf":2.449489742783178},"25":{"tf":1.7320508075688772},"26":{"tf":2.0},"29":{"tf":1.0},"30":{"tf":3.605551275463989},"31":{"tf":3.605551275463989},"33":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":2.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0},"9":{"tf":2.449489742783178}},"e":{"d":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}},"df":0,"docs":{},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"44":{"tf":1.0}}}}}},"df":0,"docs":{},"t":{"a":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"0":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":2,"docs":{"16":{"tf":1.0},"5":{"tf":1.0}},"h":{"df":0,"docs":{},"o":{"d":{"df":17,"docs":{"13":{"tf":2.23606797749979},"17":{"tf":1.0},"18":{"tf":1.4142135623730951},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"22":{"tf":1.0},"23":{"tf":1.0},"29":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":2.23606797749979},"37":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":2.6457513110645907},"42":{"tf":1.0},"44":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"42":{"tf":1.0},"45":{"tf":1.0}},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}}}}}},"l":{"/":{"df":0,"docs":{},"h":{"df":1,"docs":{"6":{"tf":2.0}}}},"df":1,"docs":{"6":{"tf":2.0}}},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"!":{"(":{"\"":{"df":0,"docs":{},"y":{"0":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{},"l":{"df":12,"docs":{"0":{"tf":3.4641016151377544},"1":{"tf":1.0},"10":{"tf":1.0},"2":{"tf":3.0},"26":{"tf":1.0},"4":{"tf":1.0},"42":{"tf":1.4142135623730951},"43":{"tf":1.0},"5":{"tf":2.6457513110645907},"6":{"tf":3.7416573867739413},"7":{"tf":1.0},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"f":{"df":1,"docs":{"42":{"tf":1.0}}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":10,"docs":{"1":{"tf":1.0},"10":{"tf":1.7320508075688772},"12":{"tf":1.4142135623730951},"17":{"tf":1.0},"24":{"tf":1.0},"32":{"tf":1.0},"34":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.7320508075688772},"8":{"tf":1.0}}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":4,"docs":{"0":{"tf":1.0},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"7":{"tf":1.0}}}}}}},"u":{"c":{"df":0,"docs":{},"h":{"df":1,"docs":{"45":{"tf":1.0}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":3,"docs":{"42":{"tf":1.0},"44":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":7,"docs":{"13":{"tf":1.0},"15":{"tf":1.4142135623730951},"20":{"tf":1.4142135623730951},"24":{"tf":1.4142135623730951},"34":{"tf":1.0},"42":{"tf":1.0},"8":{"tf":1.0}}}}}}}},"t":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"36":{"tf":1.0}}}},"df":0,"docs":{}},"df":16,"docs":{"18":{"tf":1.0},"2":{"tf":2.23606797749979},"21":{"tf":1.4142135623730951},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.23606797749979},"31":{"tf":2.23606797749979},"33":{"tf":1.0},"36":{"tf":1.4142135623730951},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.4142135623730951},"6":{"tf":2.23606797749979},"7":{"tf":2.449489742783178},"9":{"tf":1.4142135623730951}}}},"y":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"<":{"'":{"_":{"df":2,"docs":{"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"29":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"25":{"tf":1.7320508075688772},"30":{"tf":1.0},"31":{"tf":1.4142135623730951}}}}}},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"<":{"'":{"_":{"df":2,"docs":{"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"29":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":2,"docs":{"26":{"tf":2.0},"31":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"<":{"'":{"_":{"df":2,"docs":{"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"29":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"31":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":3,"docs":{"24":{"tf":3.3166247903554},"30":{"tf":3.0},"31":{"tf":2.8284271247461903}}}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"h":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.4142135623730951}},"s":{"<":{"'":{"_":{"df":2,"docs":{"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"29":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"<":{"'":{"_":{"df":2,"docs":{"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"29":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"31":{"tf":1.0}}}}}}}},"n":{"^":{"2":{"df":1,"docs":{"41":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"r":{"a":{":":{":":{"d":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":18,"docs":{"13":{"tf":1.7320508075688772},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"33":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":4,"docs":{"13":{"tf":1.0},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"v":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"1":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":3,"docs":{"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":4,"docs":{"13":{"tf":1.0},"24":{"tf":1.7320508075688772},"25":{"tf":1.0},"26":{"tf":1.0}}}},"df":9,"docs":{"13":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":1,"docs":{"15":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":3,"docs":{"13":{"tf":1.0},"35":{"tf":1.0},"41":{"tf":1.0}},"l":{"df":0,"docs":{},"u":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":6,"docs":{"18":{"tf":1.0},"21":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":6,"docs":{"18":{"tf":1.0},"21":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"m":{"df":0,"docs":{},"e":{"df":1,"docs":{"42":{"tf":1.0}}}},"n":{"df":1,"docs":{"34":{"tf":1.7320508075688772}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"40":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"r":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"26":{"tf":1.0}}}}}},"df":2,"docs":{"41":{"tf":1.7320508075688772},"43":{"tf":1.0}},"e":{"c":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"24":{"tf":1.0}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"14":{"tf":1.0}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"d":{"df":16,"docs":{"1":{"tf":1.0},"13":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.4142135623730951},"21":{"tf":1.0},"23":{"tf":2.23606797749979},"27":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":2.0},"34":{"tf":1.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"39":{"tf":1.4142135623730951},"42":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"g":{"df":1,"docs":{"4":{"tf":1.0}},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"w":{"_":{"df":0,"docs":{},"w":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"36":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}}}}},"df":13,"docs":{"1":{"tf":1.0},"13":{"tf":1.7320508075688772},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"3":{"tf":1.4142135623730951},"30":{"tf":1.0},"31":{"tf":1.0},"36":{"tf":1.0},"39":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0}}},"x":{"df":0,"docs":{},"t":{"df":5,"docs":{"1":{"tf":1.0},"24":{"tf":1.0},"3":{"tf":1.0},"5":{"tf":1.0},"8":{"tf":1.0}}}}},"g":{"df":1,"docs":{"6":{"tf":2.0}}},"o":{"d":{"df":0,"docs":{},"e":{"df":2,"docs":{"8":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"df":0,"docs":{},"n":{"df":5,"docs":{"14":{"tf":1.4142135623730951},"23":{"tf":1.0},"24":{"tf":1.0},"35":{"tf":1.4142135623730951},"6":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":7,"docs":{"23":{"tf":1.0},"24":{"tf":1.7320508075688772},"25":{"tf":1.0},"29":{"tf":2.0},"30":{"tf":2.6457513110645907},"31":{"tf":2.8284271247461903},"34":{"tf":1.0}},"j":{"a":{"c":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"n":{"df":2,"docs":{"24":{"tf":1.7320508075688772},"34":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"r":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"21":{"tf":1.0},"5":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"e":{"df":4,"docs":{"29":{"tf":1.0},"34":{"tf":1.0},"36":{"tf":1.0},"39":{"tf":1.0}}}},"u":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":5,"docs":{"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.449489742783178},"31":{"tf":2.449489742783178}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"w":{"df":7,"docs":{"2":{"tf":1.0},"24":{"tf":1.0},"25":{"tf":1.0},"27":{"tf":1.0},"31":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0}}}},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":5,"docs":{"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.449489742783178},"31":{"tf":2.449489742783178}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":5,"docs":{"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.449489742783178},"31":{"tf":2.449489742783178}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"m":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":5,"docs":{"24":{"tf":1.0},"34":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":2.0},"42":{"tf":1.0}}}}},"df":0,"docs":{}}}},"o":{"b":{"df":0,"docs":{},"j":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"29":{"tf":1.0},"34":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"v":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"21":{"tf":1.0}}}}},"df":0,"docs":{}}},"c":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":4,"docs":{"0":{"tf":1.4142135623730951},"11":{"tf":1.0},"5":{"tf":2.0},"7":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}},"d":{"df":22,"docs":{"0":{"tf":4.242640687119285},"1":{"tf":3.7416573867739413},"11":{"tf":1.7320508075688772},"13":{"tf":1.7320508075688772},"14":{"tf":1.0},"15":{"tf":1.0},"19":{"tf":1.0},"2":{"tf":2.23606797749979},"20":{"tf":1.7320508075688772},"22":{"tf":1.0},"23":{"tf":1.0},"27":{"tf":1.0},"3":{"tf":3.4641016151377544},"38":{"tf":1.0},"4":{"tf":1.7320508075688772},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"5":{"tf":2.8284271247461903},"6":{"tf":1.7320508075688772},"7":{"tf":2.0},"8":{"tf":2.6457513110645907}},"e":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"df":14,"docs":{"12":{"tf":1.7320508075688772},"13":{"tf":1.7320508075688772},"15":{"tf":1.0},"17":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"22":{"tf":1.0},"23":{"tf":1.4142135623730951},"31":{"tf":1.0},"33":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"m":{">":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{"(":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"p":{"(":{"[":{"1":{".":{"0":{"]":{")":{".":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{"(":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":16,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"31":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"<":{"'":{"_":{">":{">":{":":{":":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"h":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"a":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"28":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.0}}}}}}}}}}},"df":8,"docs":{"12":{"tf":1.0},"2":{"tf":1.0},"23":{"tf":1.0},"28":{"tf":1.4142135623730951},"29":{"tf":1.7320508075688772},"30":{"tf":2.0},"31":{"tf":1.7320508075688772},"34":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"d":{"df":10,"docs":{"2":{"tf":1.4142135623730951},"21":{"tf":1.7320508075688772},"33":{"tf":1.0},"37":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":2,"docs":{"35":{"tf":1.0},"36":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"t":{"df":4,"docs":{"21":{"tf":1.4142135623730951},"33":{"tf":1.0},"36":{"tf":1.4142135623730951},"39":{"tf":1.0}},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":4,"docs":{"18":{"tf":1.4142135623730951},"39":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}}}}}}}}}}},"df":0,"docs":{},"h":{"df":0,"docs":{},"m":{"'":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}}},"k":{"(":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{":":{":":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":4,"docs":{"18":{"tf":1.0},"39":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}}}}}}}}}},"df":0,"docs":{}}}}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"d":{"(":{"_":{"df":1,"docs":{"39":{"tf":1.0}}},"df":0,"docs":{},"t":{"df":2,"docs":{"18":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"t":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"c":{"df":0,"docs":{},"h":{"df":4,"docs":{"18":{"tf":1.0},"39":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}}}}}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"g":{"a":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}},"n":{"c":{"df":6,"docs":{"15":{"tf":1.0},"21":{"tf":1.0},"23":{"tf":1.0},"33":{"tf":1.0},"35":{"tf":1.0},"39":{"tf":1.0}}},"df":10,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"17":{"tf":1.4142135623730951},"25":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.0},"35":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.0}}},"p":{"df":7,"docs":{"23":{"tf":1.0},"24":{"tf":2.0},"25":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"30":{"tf":2.6457513110645907},"31":{"tf":2.6457513110645907}},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"23":{"tf":1.0},"34":{"tf":1.0}}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"4":{"tf":1.0}}}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"19":{"tf":1.0}}},"o":{"df":0,"docs":{},"n":{"<":{"<":{"df":0,"docs":{},"m":{"df":0,"docs":{},"y":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":2,"docs":{"30":{"tf":1.7320508075688772},"31":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":2,"docs":{"11":{"tf":1.7320508075688772},"13":{"tf":1.0}}}}}}},"r":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":9,"docs":{"0":{"tf":3.0},"1":{"tf":2.8284271247461903},"2":{"tf":1.7320508075688772},"29":{"tf":1.0},"3":{"tf":3.4641016151377544},"39":{"tf":1.0},"4":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772}}}},"i":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":4,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"32":{"tf":1.0},"8":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"g":{"a":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"41":{"tf":1.0}}}}}}},"s":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":6,"docs":{"23":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"42":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":6,"docs":{"11":{"tf":1.4142135623730951},"24":{"tf":1.0},"29":{"tf":1.0},"34":{"tf":1.4142135623730951},"38":{"tf":1.0},"42":{"tf":1.7320508075688772}}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"2":{"tf":1.4142135623730951},"38":{"tf":1.0},"5":{"tf":1.0}},"r":{"df":0,"docs":{},"i":{"d":{"df":1,"docs":{"39":{"tf":1.0}}},"df":0,"docs":{}}}}}}},"p":{"(":{"[":{"1":{".":{"0":{"df":1,"docs":{"33":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"!":{"[":{"1":{".":{"0":{"df":12,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"31":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"[":{"0":{"df":11,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"18":{"tf":1.4142135623730951},"20":{"tf":1.7320508075688772},"21":{"tf":2.449489742783178},"34":{"tf":2.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178}}},"1":{"df":11,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"18":{"tf":1.4142135623730951},"20":{"tf":2.23606797749979},"21":{"tf":3.1622776601683795},"34":{"tf":2.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178}}},"df":0,"docs":{}},"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"c":{"!":{"(":{"\"":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"39":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":2,"docs":{"18":{"tf":1.0},"39":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}}},"w":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":10,"docs":{"11":{"tf":1.0},"13":{"tf":2.0},"19":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"20":{"tf":1.4142135623730951},"21":{"tf":1.0},"29":{"tf":1.0},"33":{"tf":1.0},"41":{"tf":1.7320508075688772},"6":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{},"t":{"df":2,"docs":{"10":{"tf":1.0},"41":{"tf":2.0}},"i":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}}},"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":2,"docs":{"0":{"tf":1.0},"39":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"0":{"tf":1.0},"34":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"s":{"df":4,"docs":{"0":{"tf":1.0},"17":{"tf":1.0},"45":{"tf":1.0},"9":{"tf":1.4142135623730951}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"'":{"df":1,"docs":{"6":{"tf":1.0}}},"df":1,"docs":{"6":{"tf":1.0}}}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":1,"docs":{"34":{"tf":2.23606797749979}}}}}}}},"b":{"df":0,"docs":{},"p":{"df":0,"docs":{},"k":{"df":1,"docs":{"6":{"tf":1.0}}}}},"d":{"df":1,"docs":{"6":{"tf":1.4142135623730951}},"e":{"df":1,"docs":{"14":{"tf":1.0}}}},"df":18,"docs":{"11":{"tf":3.0},"13":{"tf":3.1622776601683795},"14":{"tf":1.0},"15":{"tf":1.7320508075688772},"17":{"tf":2.6457513110645907},"18":{"tf":1.4142135623730951},"2":{"tf":1.0},"20":{"tf":1.7320508075688772},"21":{"tf":2.449489742783178},"24":{"tf":1.4142135623730951},"29":{"tf":2.449489742783178},"30":{"tf":3.605551275463989},"31":{"tf":3.605551275463989},"34":{"tf":2.449489742783178},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178}},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":7,"docs":{"10":{"tf":1.0},"12":{"tf":1.0},"16":{"tf":1.0},"40":{"tf":1.0},"42":{"tf":1.4142135623730951},"43":{"tf":1.0},"44":{"tf":2.0}}}}}},"i":{"df":0,"docs":{},"p":{"df":0,"docs":{},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":2.23606797749979}}}}}}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"1":{"tf":1.0}}}}}},"h":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"a":{"c":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"y":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"k":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.7320508075688772}}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"2":{"tf":2.23606797749979}}}}},"df":0,"docs":{},"y":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"c":{"df":3,"docs":{"0":{"tf":1.4142135623730951},"3":{"tf":1.0},"8":{"tf":1.0}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}}},"i":{"df":0,"docs":{},"e":{"c":{"df":1,"docs":{"1":{"tf":1.0}}},"df":0,"docs":{}}},"k":{"df":1,"docs":{"6":{"tf":2.449489742783178}},"p":{"d":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}},"l":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":1,"docs":{"2":{"tf":2.0}}}},"s":{"df":0,"docs":{},"m":{"a":{"/":{"b":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{".":{"a":{"d":{"d":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}},"p":{"df":0,"docs":{},"h":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"e":{"d":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"q":{"_":{"c":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"v":{"df":1,"docs":{"7":{"tf":1.0}}},"x":{"_":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"_":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"r":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}},"df":0,"docs":{}}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}},"s":{"df":0,"docs":{},"p":{"df":1,"docs":{"4":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}},":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{")":{".":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"(":{"\"":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":6,"docs":{"2":{"tf":2.8284271247461903},"4":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"7":{"tf":1.4142135623730951},"9":{"tf":1.7320508075688772}},"l":{"df":0,"docs":{},"i":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"o":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":3,"docs":{"34":{"tf":1.0},"41":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951}}}}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"40":{"tf":1.0}}}},"df":3,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":2.6457513110645907},"2":{"tf":4.69041575982343}}}}},"r":{"df":0,"docs":{},"t":{"df":2,"docs":{"10":{"tf":1.0},"42":{"tf":1.0}}}},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":4,"docs":{"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951}}}},"s":{"df":0,"docs":{},"i":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"w":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"e":{"d":{"a":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":5.477225575051661},"41":{"tf":1.0}},"o":{"df":0,"docs":{},"r":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"d":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"2":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"0":{"tf":1.0}}}},"df":0,"docs":{}}},"df":1,"docs":{"35":{"tf":1.4142135623730951}},"s":{"c":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"b":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":2,"docs":{"10":{"tf":1.0},"43":{"tf":1.0}}}}}},"v":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"y":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":4.898979485566356},"41":{"tf":1.0}}}},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"10":{"tf":1.0},"8":{"tf":1.0}}}}},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.0}},"f":{"df":1,"docs":{"42":{"tf":1.0}}},"l":{"df":0,"docs":{},"n":{"!":{"(":{"\"":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"18":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"34":{"tf":1.0}}}}}}},"o":{"b":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"45":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{".":{"b":{"d":{"df":0,"docs":{},"f":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"35":{"tf":1.0}},"s":{">":{"(":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":10,"docs":{"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951},"33":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":0,"docs":{},"s":{">":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"35":{"tf":1.0},"36":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"(":{")":{".":{"c":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"(":{"df":0,"docs":{},"t":{"0":{"df":1,"docs":{"34":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"r":{"df":0,"docs":{},"h":{"df":0,"docs":{},"s":{"(":{")":{".":{"df":0,"docs":{},"j":{"a":{"c":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"n":{"(":{"&":{"df":0,"docs":{},"y":{"0":{"df":1,"docs":{"34":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"p":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"3":{"4":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"t":{"0":{"df":1,"docs":{"34":{"tf":1.0}}},"df":0,"docs":{},"r":{"_":{"b":{"d":{"df":0,"docs":{},"f":{"2":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":0,"docs":{},"s":{">":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"35":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":36,"docs":{"1":{"tf":1.0},"10":{"tf":2.23606797749979},"12":{"tf":1.4142135623730951},"13":{"tf":2.6457513110645907},"14":{"tf":1.7320508075688772},"15":{"tf":1.7320508075688772},"16":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"19":{"tf":1.4142135623730951},"2":{"tf":1.7320508075688772},"20":{"tf":2.0},"21":{"tf":2.449489742783178},"22":{"tf":1.4142135623730951},"23":{"tf":1.4142135623730951},"24":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"32":{"tf":1.7320508075688772},"33":{"tf":1.7320508075688772},"34":{"tf":2.449489742783178},"35":{"tf":2.0},"36":{"tf":1.4142135623730951},"37":{"tf":1.4142135623730951},"38":{"tf":3.0},"39":{"tf":2.0},"4":{"tf":1.0},"41":{"tf":3.4641016151377544},"42":{"tf":3.1622776601683795},"43":{"tf":1.4142135623730951},"44":{"tf":3.0},"45":{"tf":1.7320508075688772},"5":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.7320508075688772},"8":{"tf":1.0},"9":{"tf":1.0}}}}}},"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":5,"docs":{"1":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.0}}}}}},"d":{"df":0,"docs":{},"u":{"c":{"df":1,"docs":{"5":{"tf":1.0}},"t":{"df":2,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"34":{"tf":1.0}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":3,"docs":{"1":{"tf":1.0},"2":{"tf":2.0},"4":{"tf":1.0}}}}}},"t":{"df":0,"docs":{},"o":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}}},"df":0,"docs":{}}},"v":{"df":0,"docs":{},"i":{"d":{"df":16,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":1.0},"10":{"tf":1.0},"13":{"tf":1.0},"15":{"tf":1.4142135623730951},"20":{"tf":1.0},"22":{"tf":1.0},"36":{"tf":1.4142135623730951},"37":{"tf":1.0},"38":{"tf":1.7320508075688772},"41":{"tf":1.0},"42":{"tf":1.7320508075688772},"44":{"tf":1.0},"5":{"tf":1.7320508075688772},"6":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}}},"u":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":1,"docs":{"42":{"tf":1.0}}}}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":2,"docs":{"0":{"tf":1.0},"10":{"tf":1.0}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":3,"docs":{"29":{"tf":1.0},"32":{"tf":1.0},"8":{"tf":1.0}}}}}},"t":{"df":3,"docs":{"15":{"tf":1.0},"2":{"tf":1.0},"27":{"tf":1.0}}}},"y":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":3,"docs":{"12":{"tf":1.0},"32":{"tf":1.0},"45":{"tf":1.0}}}}}}}},"q":{"_":{"c":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"q":{"_":{"c":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"df":1,"docs":{"6":{"tf":2.0}}},"df":0,"docs":{},"p":{"1":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"q":{"_":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"1":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"{":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":2.8284271247461903}}},"df":0,"docs":{}}}},"c":{"df":1,"docs":{"6":{"tf":2.0}}},"df":1,"docs":{"6":{"tf":1.4142135623730951}},"p":{"1":{"df":1,"docs":{"6":{"tf":2.449489742783178}}},"df":0,"docs":{}},"u":{"a":{"d":{"df":1,"docs":{"6":{"tf":1.7320508075688772}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":1,"docs":{"19":{"tf":1.0}},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"t":{"df":1,"docs":{"6":{"tf":1.0}},"i":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}}}}}},"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"k":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"df":0,"docs":{},"t":{"df":2,"docs":{"25":{"tf":1.0},"44":{"tf":1.0}}}}}},"r":{"(":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":2.23606797749979}}},"t":{"df":1,"docs":{"11":{"tf":1.0}}}},"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":2,"docs":{"0":{"tf":1.0},"8":{"tf":1.0}}}},"t":{"df":0,"docs":{},"e":{"df":6,"docs":{"1":{"tf":2.6457513110645907},"13":{"tf":1.0},"2":{"tf":3.1622776601683795},"6":{"tf":2.0},"8":{"tf":1.0},"9":{"tf":1.0}}},"i":{"df":0,"docs":{},"o":{"df":1,"docs":{"7":{"tf":1.0}}}}}},"df":10,"docs":{"12":{"tf":1.0},"13":{"tf":1.7320508075688772},"15":{"tf":1.7320508075688772},"17":{"tf":1.0},"20":{"tf":2.23606797749979},"24":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":2.449489742783178},"45":{"tf":1.0},"9":{"tf":2.449489742783178}},"e":{"a":{"c":{"df":0,"docs":{},"h":{"df":3,"docs":{"21":{"tf":1.0},"44":{"tf":1.0},"7":{"tf":1.0}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"18":{"tf":1.0}}}}}},"c":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"20":{"tf":1.0},"8":{"tf":1.0}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"12":{"tf":1.0}}},"df":0,"docs":{}}}}}}},"d":{"df":0,"docs":{},"u":{"c":{"df":1,"docs":{"8":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":1,"docs":{"39":{"tf":1.0}},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":4,"docs":{"29":{"tf":1.0},"36":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0}}}},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"5":{"tf":1.0}}}},"df":0,"docs":{}}},"r":{"a":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}},"g":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"l":{"a":{"df":0,"docs":{},"t":{"df":2,"docs":{"6":{"tf":1.0},"8":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"df":1,"docs":{"8":{"tf":1.0}}}}}}}}}}},"df":4,"docs":{"13":{"tf":1.4142135623730951},"32":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":1.0}}},"m":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"v":{"df":1,"docs":{"42":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}},"e":{"d":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"34":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":6,"docs":{"13":{"tf":1.0},"2":{"tf":2.23606797749979},"32":{"tf":1.0},"34":{"tf":1.0},"42":{"tf":1.0},"5":{"tf":1.0}}}},"o":{"d":{"df":0,"docs":{},"u":{"c":{"df":1,"docs":{"2":{"tf":1.4142135623730951}},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"q":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":6,"docs":{"1":{"tf":1.0},"15":{"tf":1.0},"29":{"tf":1.0},"44":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"i":{"d":{"df":0,"docs":{},"u":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":2.6457513110645907}}}}}}},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":9,"docs":{"1":{"tf":1.0},"13":{"tf":1.0},"19":{"tf":1.0},"20":{"tf":2.0},"3":{"tf":1.4142135623730951},"36":{"tf":1.0},"38":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}},"t":{"df":1,"docs":{"42":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":2.0}}}}}}},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":3,"docs":{"39":{"tf":1.0},"43":{"tf":1.7320508075688772},"5":{"tf":1.0}}}}}},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":6,"docs":{"18":{"tf":1.4142135623730951},"21":{"tf":1.0},"29":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":2.23606797749979},"39":{"tf":2.0}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"7":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":1,"docs":{"10":{"tf":1.0}}}}}},"w":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"3":{"tf":1.0},"7":{"tf":1.0}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"3":{"tf":1.0}}}}}}}}}},"h":{"df":7,"docs":{"23":{"tf":1.0},"24":{"tf":2.23606797749979},"25":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"34":{"tf":1.0},"42":{"tf":1.4142135623730951}},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":9,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}}}},"df":0,"docs":{}}}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"20":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":7,"docs":{"11":{"tf":1.0},"15":{"tf":1.0},"20":{"tf":1.4142135623730951},"22":{"tf":1.0},"29":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":2.0}}}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"7":{"tf":1.0}}}}},"o":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"_":{"df":0,"docs":{},"o":{"d":{"df":3,"docs":{"41":{"tf":1.0},"42":{"tf":1.4142135623730951},"44":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":4,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.7320508075688772},"44":{"tf":1.0},"45":{"tf":1.0}}}}}}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{},"|":{"df":0,"docs":{},"x":{"df":2,"docs":{"17":{"tf":1.0},"18":{"tf":1.0}}}}},"df":10,"docs":{"11":{"tf":1.4142135623730951},"16":{"tf":1.4142135623730951},"17":{"tf":2.8284271247461903},"18":{"tf":1.4142135623730951},"23":{"tf":1.0},"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"5":{"tf":1.0},"7":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"(":{"1":{"df":5,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":1,"docs":{"13":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":1,"docs":{"35":{"tf":1.0}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"t":{"df":7,"docs":{"10":{"tf":1.7320508075688772},"12":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951},"42":{"tf":2.0},"43":{"tf":1.0},"45":{"tf":2.449489742783178}}}}},"v":{"df":1,"docs":{"13":{"tf":1.0}}}},"s":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":9,"docs":{"1":{"tf":1.4142135623730951},"29":{"tf":1.0},"36":{"tf":1.0},"41":{"tf":1.7320508075688772},"42":{"tf":2.0},"43":{"tf":1.0},"44":{"tf":1.4142135623730951},"45":{"tf":1.0},"9":{"tf":1.0}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":3,"docs":{"36":{"tf":1.0},"39":{"tf":1.0},"8":{"tf":1.0}}}}}}},"v":{"df":0,"docs":{},"e":{"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":1.0}}}}},"c":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":1,"docs":{"7":{"tf":1.0}}}},"t":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"t":{".":{"c":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":2,"docs":{"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":1,"docs":{"7":{"tf":1.0}},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"2":{"tf":1.0},"6":{"tf":1.0}},"e":{".":{"c":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":3,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":2,"docs":{"35":{"tf":1.7320508075688772},"36":{"tf":1.0}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"35":{"tf":1.0}},"e":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"_":{"df":0,"docs":{},"w":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}},"df":1,"docs":{"21":{"tf":1.0}},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"d":{"df":6,"docs":{"1":{"tf":1.0},"2":{"tf":1.0},"3":{"tf":2.23606797749979},"39":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0}}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":9,"docs":{"0":{"tf":1.7320508075688772},"1":{"tf":1.0},"19":{"tf":1.0},"3":{"tf":1.0},"32":{"tf":1.0},"34":{"tf":1.4142135623730951},"42":{"tf":1.0},"5":{"tf":1.4142135623730951},"8":{"tf":1.0}}}}}}},"df":0,"docs":{},"e":{"df":6,"docs":{"13":{"tf":1.0},"2":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0}},"n":{"df":3,"docs":{"44":{"tf":1.0},"45":{"tf":1.0},"8":{"tf":1.0}}}},"l":{"df":0,"docs":{},"f":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"26":{"tf":1.0}}}}},"df":0,"docs":{}},"p":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"y":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"(":{"df":0,"docs":{},"p":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":2,"docs":{"30":{"tf":2.23606797749979},"31":{"tf":2.23606797749979}}}},"df":4,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}}},"m":{"df":0,"docs":{},"i":{"df":1,"docs":{"8":{"tf":1.7320508075688772}}}},"n":{"df":0,"docs":{},"s":{"_":{"a":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"21":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}}},"t":{"_":{"df":0,"docs":{},"o":{"df":1,"docs":{"21":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":4,"docs":{"19":{"tf":1.7320508075688772},"20":{"tf":2.0},"21":{"tf":2.449489742783178},"38":{"tf":1.4142135623730951}}}}}},"p":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"i":{"df":3,"docs":{"0":{"tf":1.0},"32":{"tf":1.0},"9":{"tf":1.0}}}},"t":{"_":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"39":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}},"df":13,"docs":{"0":{"tf":1.0},"1":{"tf":1.7320508075688772},"13":{"tf":1.4142135623730951},"15":{"tf":1.0},"16":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"35":{"tf":2.0},"36":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}},"u":{"df":0,"docs":{},"p":{"df":2,"docs":{"36":{"tf":1.0},"43":{"tf":1.0}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"2":{"tf":1.0},"41":{"tf":1.0}}}}}},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":3,"docs":{"2":{"tf":1.0},"38":{"tf":1.0},"8":{"tf":1.0}},"n":{"df":2,"docs":{"1":{"tf":1.0},"6":{"tf":1.0}}}}}},"i":{"d":{"df":0,"docs":{},"e":{"df":7,"docs":{"11":{"tf":1.0},"15":{"tf":1.0},"20":{"tf":1.4142135623730951},"22":{"tf":1.0},"29":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0}}}},"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":1,"docs":{"4":{"tf":1.0}},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"c":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"44":{"tf":1.0}}}}}}},"df":2,"docs":{"29":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}}}}}},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":5,"docs":{"12":{"tf":1.0},"2":{"tf":1.0},"25":{"tf":1.0},"40":{"tf":1.0},"44":{"tf":1.0}}}},"df":0,"docs":{}}},"p":{"df":0,"docs":{},"l":{"df":8,"docs":{"0":{"tf":2.0},"2":{"tf":1.0},"3":{"tf":1.0},"32":{"tf":1.0},"38":{"tf":1.0},"45":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"13":{"tf":1.0},"2":{"tf":1.0}}}}},"i":{"c":{"df":1,"docs":{"34":{"tf":1.0}}},"df":0,"docs":{},"f":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"29":{"tf":1.0}}}}},"n":{"(":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"g":{"a":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}}},"df":0,"docs":{},"g":{"df":0,"docs":{},"l":{"df":1,"docs":{"39":{"tf":1.0}},"i":{"df":1,"docs":{"35":{"tf":1.0}}}},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":2,"docs":{"14":{"tf":1.7320508075688772},"35":{"tf":1.0}}}},"df":0,"docs":{}}}},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"i":{"d":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}}}}}},"z":{"df":0,"docs":{},"e":{"df":7,"docs":{"13":{"tf":1.0},"36":{"tf":1.0},"39":{"tf":1.4142135623730951},"41":{"tf":2.0},"43":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"42":{"tf":1.4142135623730951},"44":{"tf":1.0}}}}}}}},"o":{"df":0,"docs":{},"w":{"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":0,"docs":{},"n":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"12":{"tf":1.0},"43":{"tf":1.0},"44":{"tf":1.7320508075688772}}}},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"44":{"tf":1.0}}}}}}},"m":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":3,"docs":{"39":{"tf":1.0},"44":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951}},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"44":{"tf":1.0}}}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":6,"docs":{"1":{"tf":1.0},"15":{"tf":1.0},"19":{"tf":1.4142135623730951},"20":{"tf":1.0},"38":{"tf":2.23606797749979},"39":{"tf":3.0}}}},"v":{"df":23,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":2.0},"10":{"tf":1.0},"11":{"tf":1.0},"13":{"tf":1.4142135623730951},"18":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"21":{"tf":2.0},"3":{"tf":1.0},"32":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0},"37":{"tf":1.4142135623730951},"38":{"tf":3.1622776601683795},"4":{"tf":1.0},"41":{"tf":2.0},"42":{"tf":1.0},"43":{"tf":1.4142135623730951},"5":{"tf":1.7320508075688772},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.0}},"e":{"_":{"a":{"d":{"df":0,"docs":{},"j":{"df":0,"docs":{},"o":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"38":{"tf":1.0}}}}}}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":1,"docs":{"38":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}},"df":0,"docs":{},"r":{"'":{"df":1,"docs":{"36":{"tf":1.0}}},".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"t":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"o":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"39":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"(":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"o":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"21":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"1":{"0":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"39":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"t":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"(":{"1":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"38":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"4":{"0":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"t":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"33":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"_":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"38":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":1,"docs":{"21":{"tf":1.0}},"i":{"df":2,"docs":{"18":{"tf":1.0},"39":{"tf":1.0}}},"t":{"df":2,"docs":{"21":{"tf":1.4142135623730951},"39":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"d":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}},"y":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"y":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"(":{"&":{"df":0,"docs":{},"i":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"[":{"0":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"(":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"21":{"tf":1.4142135623730951},"39":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":4,"docs":{"18":{"tf":1.0},"39":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0}}}}}}},"df":22,"docs":{"1":{"tf":1.4142135623730951},"16":{"tf":1.0},"17":{"tf":1.7320508075688772},"18":{"tf":1.7320508075688772},"2":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951},"33":{"tf":1.0},"35":{"tf":5.0},"36":{"tf":2.449489742783178},"37":{"tf":1.0},"38":{"tf":1.7320508075688772},"39":{"tf":3.4641016151377544},"4":{"tf":1.0},"40":{"tf":1.4142135623730951},"41":{"tf":3.0},"42":{"tf":2.8284271247461903},"44":{"tf":2.23606797749979},"45":{"tf":1.4142135623730951},"5":{"tf":2.23606797749979},"6":{"tf":1.4142135623730951},"7":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}}},"m":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"y":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}}}},"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"1":{"tf":1.0},"10":{"tf":1.0}}}}}}},"u":{"df":0,"docs":{},"r":{"c":{"df":1,"docs":{"9":{"tf":2.0}}},"df":0,"docs":{}}}},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":7,"docs":{"13":{"tf":1.4142135623730951},"32":{"tf":1.0},"34":{"tf":2.6457513110645907},"35":{"tf":1.0},"41":{"tf":2.23606797749979},"42":{"tf":1.7320508075688772},"44":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"34":{"tf":2.23606797749979}}}}}}},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"i":{"df":2,"docs":{"2":{"tf":2.6457513110645907},"41":{"tf":1.0}},"f":{"df":9,"docs":{"0":{"tf":1.4142135623730951},"12":{"tf":1.0},"13":{"tf":1.0},"2":{"tf":1.0},"32":{"tf":1.4142135623730951},"39":{"tf":1.4142135623730951},"5":{"tf":2.23606797749979},"6":{"tf":1.4142135623730951},"8":{"tf":1.0}},"i":{"df":26,"docs":{"10":{"tf":2.23606797749979},"11":{"tf":1.7320508075688772},"12":{"tf":1.7320508075688772},"13":{"tf":2.0},"15":{"tf":1.0},"17":{"tf":1.4142135623730951},"2":{"tf":1.0},"20":{"tf":1.4142135623730951},"21":{"tf":1.0},"22":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.7320508075688772},"25":{"tf":1.0},"27":{"tf":1.4142135623730951},"28":{"tf":1.0},"30":{"tf":1.0},"32":{"tf":1.7320508075688772},"33":{"tf":1.4142135623730951},"34":{"tf":2.23606797749979},"35":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":2.0},"6":{"tf":2.0},"7":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{},"e":{"d":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":3,"docs":{"0":{"tf":1.4142135623730951},"3":{"tf":1.0},"4":{"tf":2.449489742783178}}}}}}},"t":{"a":{"df":0,"docs":{},"n":{"d":{"a":{"df":0,"docs":{},"r":{"d":{"df":3,"docs":{"1":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"t":{"df":4,"docs":{"1":{"tf":1.0},"2":{"tf":1.0},"34":{"tf":1.0},"44":{"tf":1.0}}}},"t":{"df":0,"docs":{},"e":{".":{"a":{"df":0,"docs":{},"s":{"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"36":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":15,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":3.0},"11":{"tf":1.7320508075688772},"13":{"tf":2.0},"20":{"tf":1.7320508075688772},"24":{"tf":1.0},"3":{"tf":1.4142135623730951},"35":{"tf":2.8284271247461903},"36":{"tf":3.4641016151377544},"38":{"tf":2.449489742783178},"39":{"tf":1.7320508075688772},"5":{"tf":2.23606797749979},"6":{"tf":1.0},"7":{"tf":2.0},"8":{"tf":2.0}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":1,"docs":{"36":{"tf":1.0}},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"36":{"tf":1.0}}}}}}}}}}},"d":{":":{":":{"df":0,"docs":{},"f":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":6,"docs":{"13":{"tf":1.0},"18":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"39":{"tf":3.872983346207417},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":3,"docs":{"35":{"tf":1.0},"41":{"tf":1.0},"44":{"tf":1.0}}}},"l":{"df":0,"docs":{},"l":{"df":1,"docs":{"12":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"p":{"df":6,"docs":{"16":{"tf":1.0},"17":{"tf":1.7320508075688772},"18":{"tf":1.4142135623730951},"39":{"tf":2.0},"5":{"tf":1.0},"7":{"tf":1.4142135623730951}}},"r":{"df":0,"docs":{},"e":{"df":2,"docs":{"26":{"tf":1.0},"29":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":1,"docs":{"45":{"tf":1.0}}}}},"u":{"c":{"df":0,"docs":{},"t":{"df":20,"docs":{"12":{"tf":1.7320508075688772},"13":{"tf":1.7320508075688772},"15":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.0},"22":{"tf":1.7320508075688772},"23":{"tf":2.0},"24":{"tf":3.1622776601683795},"25":{"tf":1.0},"26":{"tf":1.4142135623730951},"27":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":3.605551275463989},"30":{"tf":2.8284271247461903},"31":{"tf":2.8284271247461903},"33":{"tf":2.23606797749979},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":2.23606797749979},"39":{"tf":1.4142135623730951}},"u":{"df":0,"docs":{},"r":{"df":3,"docs":{"12":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"u":{"b":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"c":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"18":{"tf":1.0},"39":{"tf":1.0}}}}}},"df":0,"docs":{},"h":{"df":8,"docs":{"0":{"tf":1.0},"14":{"tf":1.0},"17":{"tf":1.0},"19":{"tf":1.0},"2":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0}}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"i":{"df":0,"docs":{},"t":{"a":{"b":{"df":0,"docs":{},"l":{"df":2,"docs":{"22":{"tf":1.0},"35":{"tf":1.0}}}},"df":0,"docs":{}},"df":1,"docs":{"40":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"41":{"tf":1.0}}}}},"df":0,"docs":{}}}}}},"m":{"df":1,"docs":{"9":{"tf":1.0}}},"n":{"d":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":6,"docs":{"40":{"tf":1.0},"41":{"tf":2.8284271247461903},"42":{"tf":3.0},"43":{"tf":1.4142135623730951},"44":{"tf":2.449489742783178},"45":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"_":{"b":{"a":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"41":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":1,"docs":{"41":{"tf":1.0}}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"41":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"df":1,"docs":{"7":{"tf":1.0}}}}},"y":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"x":{"df":2,"docs":{"2":{"tf":1.0},"32":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"'":{"df":1,"docs":{"0":{"tf":1.0}}},".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"4":{"tf":1.0}}}}}}},"df":21,"docs":{"0":{"tf":3.4641016151377544},"1":{"tf":3.0},"15":{"tf":1.4142135623730951},"2":{"tf":2.8284271247461903},"23":{"tf":1.4142135623730951},"27":{"tf":1.4142135623730951},"28":{"tf":1.0},"3":{"tf":2.449489742783178},"30":{"tf":1.0},"32":{"tf":1.4142135623730951},"34":{"tf":2.0},"4":{"tf":2.6457513110645907},"41":{"tf":1.0},"42":{"tf":1.4142135623730951},"44":{"tf":2.0},"45":{"tf":1.0},"5":{"tf":3.0},"6":{"tf":2.23606797749979},"7":{"tf":1.7320508075688772},"8":{"tf":2.0},"9":{"tf":2.0}}}}}}}},"t":{".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"0":{".":{"0":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"0":{"(":{"0":{".":{"0":{"df":4,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"34":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":2,"docs":{"13":{"tf":1.0},"34":{"tf":1.4142135623730951}}},"_":{"0":{"df":1,"docs":{"11":{"tf":1.0}}},"df":0,"docs":{},"o":{"df":2,"docs":{"21":{"tf":2.8284271247461903},"39":{"tf":2.23606797749979}}}},"a":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"u":{":":{":":{"<":{"df":0,"docs":{},"m":{">":{":":{":":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"_":{"b":{"d":{"df":0,"docs":{},"f":{"2":{"df":1,"docs":{"35":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"35":{"tf":2.8284271247461903}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"k":{"df":0,"docs":{},"e":{"df":2,"docs":{"15":{"tf":1.0},"24":{"tf":1.0}},"n":{"df":4,"docs":{"42":{"tf":1.0},"43":{"tf":1.4142135623730951},"44":{"tf":1.0},"6":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":22,"docs":{"1":{"tf":2.0},"11":{"tf":1.0},"13":{"tf":2.8284271247461903},"15":{"tf":2.23606797749979},"17":{"tf":2.23606797749979},"18":{"tf":2.0},"2":{"tf":1.7320508075688772},"24":{"tf":3.3166247903554},"25":{"tf":2.0},"26":{"tf":2.23606797749979},"29":{"tf":1.0},"3":{"tf":1.7320508075688772},"30":{"tf":4.358898943540674},"31":{"tf":4.358898943540674},"33":{"tf":1.0},"34":{"tf":1.4142135623730951},"4":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":2.6457513110645907},"8":{"tf":2.23606797749979},"9":{"tf":2.23606797749979}},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"32":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"m":{"df":3,"docs":{"2":{"tf":2.449489742783178},"8":{"tf":1.0},"9":{"tf":1.0}}}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}}},"x":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":2.0}},"{":{"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"}":{"(":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"29":{"tf":1.4142135623730951}}}}}}}},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"13":{"tf":1.0},"34":{"tf":1.0}}},"r":{"d":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":1,"docs":{"12":{"tf":1.0}}},"s":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"d":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":4,"docs":{"34":{"tf":1.0},"39":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.7320508075688772}}}}}}},"u":{"df":6,"docs":{"1":{"tf":1.0},"10":{"tf":1.0},"15":{"tf":1.0},"32":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}}}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"32":{"tf":1.0}}}}}}},"m":{"df":0,"docs":{},"e":{".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"0":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"df":27,"docs":{"0":{"tf":1.7320508075688772},"1":{"tf":2.23606797749979},"11":{"tf":1.7320508075688772},"13":{"tf":1.4142135623730951},"14":{"tf":1.0},"15":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.7320508075688772},"20":{"tf":1.0},"21":{"tf":2.23606797749979},"29":{"tf":1.4142135623730951},"3":{"tf":1.7320508075688772},"33":{"tf":1.0},"34":{"tf":1.0},"36":{"tf":1.4142135623730951},"38":{"tf":2.6457513110645907},"39":{"tf":2.8284271247461903},"4":{"tf":1.4142135623730951},"41":{"tf":1.0},"43":{"tf":2.8284271247461903},"44":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":2.23606797749979},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.7320508075688772}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"38":{"tf":1.0}}}}}}}},"s":{"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"o":{"/":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":3,"docs":{"2":{"tf":1.0},"27":{"tf":1.0},"6":{"tf":1.0}}}}}},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"13":{"tf":1.7320508075688772},"39":{"tf":1.0},"42":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"l":{"df":1,"docs":{"0":{"tf":1.0}}}},"p":{"df":1,"docs":{"9":{"tf":1.0}},"i":{"c":{"df":1,"docs":{"0":{"tf":1.0}}},"df":0,"docs":{}}},"t":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"41":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"x":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"_":{"b":{"d":{"df":0,"docs":{},"f":{"2":{"df":1,"docs":{"35":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":15,"docs":{"12":{"tf":1.0},"21":{"tf":1.7320508075688772},"23":{"tf":2.8284271247461903},"24":{"tf":2.0},"25":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":2.6457513110645907},"30":{"tf":1.4142135623730951},"31":{"tf":1.0},"34":{"tf":1.0},"36":{"tf":1.7320508075688772},"37":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}}},"j":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":1,"docs":{"14":{"tf":1.0}}}}}},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"l":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"0":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"45":{"tf":1.0}}},"df":0,"docs":{}}},"i":{"df":1,"docs":{"6":{"tf":1.0}},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.0}}}}}}}},"s":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":4,"docs":{"2":{"tf":1.0},"38":{"tf":1.0},"4":{"tf":1.0},"9":{"tf":1.0}}},"w":{"df":0,"docs":{},"o":{"df":10,"docs":{"1":{"tf":2.0},"2":{"tf":2.23606797749979},"3":{"tf":1.4142135623730951},"39":{"tf":1.0},"4":{"tf":1.0},"42":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.4142135623730951},"9":{"tf":1.4142135623730951}}}},"y":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"df":25,"docs":{"0":{"tf":1.0},"13":{"tf":3.3166247903554},"15":{"tf":1.4142135623730951},"17":{"tf":1.0},"18":{"tf":1.7320508075688772},"2":{"tf":2.449489742783178},"20":{"tf":1.0},"21":{"tf":2.0},"24":{"tf":3.872983346207417},"25":{"tf":2.449489742783178},"26":{"tf":2.449489742783178},"29":{"tf":1.7320508075688772},"30":{"tf":5.0990195135927845},"31":{"tf":5.0990195135927845},"33":{"tf":2.23606797749979},"34":{"tf":2.8284271247461903},"35":{"tf":1.7320508075688772},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178},"4":{"tf":1.7320508075688772},"42":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}},"i":{"c":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}},"u":{"_":{"df":0,"docs":{},"i":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":1,"docs":{"33":{"tf":2.449489742783178}},"n":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"19":{"tf":1.0}}}}}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"0":{"tf":1.0},"3":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"0":{"tf":1.0},"2":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"k":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":4,"docs":{"21":{"tf":1.0},"39":{"tf":1.0},"44":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772}}}}},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":18,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"31":{"tf":1.0},"33":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}},"p":{"d":{"a":{"df":0,"docs":{},"t":{"df":3,"docs":{"5":{"tf":1.4142135623730951},"7":{"tf":2.0},"8":{"tf":1.0}}}},"df":0,"docs":{}},"df":2,"docs":{"21":{"tf":1.0},"38":{"tf":1.0}}},"s":{"df":41,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":1.4142135623730951},"10":{"tf":1.4142135623730951},"11":{"tf":1.4142135623730951},"12":{"tf":3.0},"13":{"tf":3.4641016151377544},"14":{"tf":1.0},"15":{"tf":2.0},"17":{"tf":2.23606797749979},"18":{"tf":2.0},"19":{"tf":1.0},"2":{"tf":3.4641016151377544},"20":{"tf":2.449489742783178},"21":{"tf":3.0},"23":{"tf":1.4142135623730951},"24":{"tf":2.23606797749979},"25":{"tf":1.0},"26":{"tf":1.4142135623730951},"27":{"tf":1.0},"29":{"tf":1.0},"3":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"32":{"tf":2.23606797749979},"33":{"tf":3.0},"34":{"tf":3.0},"35":{"tf":3.1622776601683795},"36":{"tf":2.8284271247461903},"38":{"tf":2.8284271247461903},"39":{"tf":3.605551275463989},"4":{"tf":2.23606797749979},"41":{"tf":3.0},"42":{"tf":2.8284271247461903},"43":{"tf":1.0},"44":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"5":{"tf":2.23606797749979},"6":{"tf":2.6457513110645907},"7":{"tf":2.23606797749979},"8":{"tf":1.7320508075688772},"9":{"tf":2.0}},"e":{"c":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"32":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"r":{"df":11,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"10":{"tf":1.0},"11":{"tf":1.0},"12":{"tf":2.0},"15":{"tf":1.0},"22":{"tf":1.0},"38":{"tf":1.7320508075688772},"42":{"tf":1.4142135623730951},"5":{"tf":1.4142135623730951},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"z":{"df":5,"docs":{"24":{"tf":2.449489742783178},"25":{"tf":1.7320508075688772},"26":{"tf":1.7320508075688772},"30":{"tf":4.242640687119285},"31":{"tf":4.242640687119285}}}}}},"v":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"v":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"1":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"0":{".":{"2":{".":{"1":{"df":1,"docs":{"43":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"9":{"tf":1.4142135623730951}}},":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"2":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"f":{"df":0,"docs":{},"n":{"(":{"1":{"0":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}},"z":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"(":{"2":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"[":{"0":{"df":11,"docs":{"13":{"tf":1.0},"15":{"tf":1.7320508075688772},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.4142135623730951},"21":{"tf":2.0},"24":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}},"1":{"df":3,"docs":{"15":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951}}},"df":0,"docs":{},"i":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}}},"_":{"0":{"df":2,"docs":{"15":{"tf":1.7320508075688772},"9":{"tf":1.0}}},"1":{"df":1,"docs":{"15":{"tf":1.0}}},"c":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":1,"docs":{"9":{"tf":1.7320508075688772}},"k":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}},"r":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}},"s":{"(":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}},"{":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}},"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":10,"docs":{"13":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.4142135623730951},"2":{"tf":1.7320508075688772},"34":{"tf":1.4142135623730951},"35":{"tf":2.0},"36":{"tf":1.4142135623730951},"42":{"tf":1.0},"44":{"tf":1.0},"8":{"tf":1.7320508075688772}}}},"r":{"df":0,"docs":{},"i":{"a":{"b":{"df":0,"docs":{},"l":{"df":9,"docs":{"1":{"tf":2.23606797749979},"15":{"tf":1.4142135623730951},"16":{"tf":1.0},"3":{"tf":2.0},"4":{"tf":1.0},"41":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"c":{"df":1,"docs":{"6":{"tf":2.0}}},"df":21,"docs":{"13":{"tf":2.449489742783178},"15":{"tf":1.7320508075688772},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":3.3166247903554},"21":{"tf":2.0},"24":{"tf":3.7416573867739413},"25":{"tf":2.0},"26":{"tf":2.23606797749979},"29":{"tf":2.449489742783178},"3":{"tf":2.0},"30":{"tf":5.385164807134504},"31":{"tf":5.385164807134504},"34":{"tf":3.1622776601683795},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":2.449489742783178},"7":{"tf":3.3166247903554},"9":{"tf":2.6457513110645907}},"e":{"c":{"!":{"[":{"(":{"0":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{".":{"0":{"df":1,"docs":{"38":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":2,"docs":{"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}},"<":{"_":{"df":3,"docs":{"2":{"tf":2.23606797749979},"4":{"tf":1.4142135623730951},"9":{"tf":1.4142135623730951}}},"d":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"21":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":1,"docs":{"38":{"tf":1.7320508075688772}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":16,"docs":{"1":{"tf":1.4142135623730951},"11":{"tf":1.7320508075688772},"13":{"tf":3.0},"15":{"tf":2.0},"2":{"tf":1.0},"20":{"tf":2.6457513110645907},"21":{"tf":2.0},"24":{"tf":1.7320508075688772},"29":{"tf":1.0},"3":{"tf":1.0},"34":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"41":{"tf":1.0},"42":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.23606797749979}}}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"c":{"df":3,"docs":{"3":{"tf":1.4142135623730951},"4":{"tf":1.7320508075688772},"7":{"tf":3.1622776601683795}}},"df":0,"docs":{}}},"r":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":1,"docs":{"10":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"df":1,"docs":{"44":{"tf":1.0}}},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":2,"docs":{"33":{"tf":1.0},"42":{"tf":1.4142135623730951}}}}}}}},"i":{"a":{"df":5,"docs":{"0":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"41":{"tf":1.0},"8":{"tf":1.0}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"9":{"tf":2.8284271247461903}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"a":{"df":1,"docs":{"2":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}}},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}}}},"p":{"1":{"df":1,"docs":{"6":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"s":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}}}},"w":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":10,"docs":{"10":{"tf":1.0},"12":{"tf":2.0},"16":{"tf":1.0},"21":{"tf":1.0},"22":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":1.0},"32":{"tf":1.4142135623730951},"33":{"tf":1.4142135623730951},"39":{"tf":1.0}}}},"y":{"df":6,"docs":{"13":{"tf":1.0},"22":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":1.7320508075688772},"5":{"tf":1.7320508075688772}}}},"df":0,"docs":{},"e":{"'":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":2,"docs":{"17":{"tf":1.0},"3":{"tf":1.0}}}},"v":{"df":2,"docs":{"25":{"tf":1.0},"27":{"tf":1.0}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":4,"docs":{"0":{"tf":1.0},"24":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.0}}}}},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}}}}},"i":{"d":{"df":0,"docs":{},"e":{"df":2,"docs":{"0":{"tf":1.0},"8":{"tf":1.0}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":4,"docs":{"1":{"tf":1.0},"29":{"tf":1.0},"36":{"tf":1.4142135623730951},"39":{"tf":1.0}}}},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"1":{"tf":1.0},"12":{"tf":1.0}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"36":{"tf":1.0}}}}}}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":1,"docs":{"42":{"tf":1.0}}}}},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"45":{"tf":1.0}},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"13":{"tf":1.0},"34":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":7,"docs":{"1":{"tf":2.0},"2":{"tf":1.4142135623730951},"32":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":9,"docs":{"0":{"tf":1.4142135623730951},"10":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.7320508075688772},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"45":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0}}}}}}},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":1,"docs":{"42":{"tf":1.7320508075688772}}}}}}},"x":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"4":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"x":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"[":{"0":{"df":13,"docs":{"13":{"tf":1.7320508075688772},"15":{"tf":2.0},"17":{"tf":2.0},"18":{"tf":2.0},"20":{"tf":2.6457513110645907},"21":{"tf":3.7416573867739413},"24":{"tf":1.7320508075688772},"30":{"tf":2.23606797749979},"31":{"tf":2.23606797749979},"35":{"tf":1.7320508075688772},"36":{"tf":1.7320508075688772},"38":{"tf":2.449489742783178},"39":{"tf":3.0}}},"1":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{},"i":{"df":1,"docs":{"34":{"tf":2.449489742783178}}}},"_":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"(":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"t":{"df":5,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"x":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":1,"docs":{"4":{"tf":1.0}}}}}}},"df":21,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"18":{"tf":1.4142135623730951},"2":{"tf":3.872983346207417},"20":{"tf":1.7320508075688772},"21":{"tf":2.449489742783178},"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"30":{"tf":2.0},"31":{"tf":2.0},"34":{"tf":2.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178},"4":{"tf":2.449489742783178},"43":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":2.8284271247461903}}},"y":{"(":{"0":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{},"t":{"_":{"0":{"df":1,"docs":{"11":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},".":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"v":{"(":{"1":{".":{"0":{"df":1,"docs":{"26":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"/":{"df":0,"docs":{},"k":{"df":5,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.0},"17":{"tf":1.0},"20":{"tf":1.7320508075688772},"24":{"tf":1.0}}}},"0":{"df":2,"docs":{"2":{"tf":2.6457513110645907},"34":{"tf":1.0}}},"1":{"df":1,"docs":{"2":{"tf":2.8284271247461903}}},"2":{"df":1,"docs":{"2":{"tf":2.8284271247461903}}},"[":{"0":{"]":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"x":{"(":{"df":0,"docs":{},"f":{"6":{"4":{":":{":":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"7":{"tf":1.0}}}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":15,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":2.0},"17":{"tf":1.7320508075688772},"18":{"tf":1.7320508075688772},"20":{"tf":2.0},"21":{"tf":2.8284271247461903},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"30":{"tf":2.23606797749979},"31":{"tf":2.23606797749979},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178},"7":{"tf":1.0}}},"1":{"df":2,"docs":{"15":{"tf":1.7320508075688772},"7":{"tf":1.4142135623730951}}},"df":0,"docs":{},"i":{"df":1,"docs":{"34":{"tf":2.0}}}},"^":{"2":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{}},"_":{"0":{"(":{"df":0,"docs":{},"p":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"t":{"_":{"0":{"df":1,"docs":{"11":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"/":{"df":0,"docs":{},"k":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}}},"df":2,"docs":{"15":{"tf":1.7320508075688772},"2":{"tf":2.449489742783178}}},"1":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}},"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"(":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"(":{"\"":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}},"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}}},"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"x":{"df":1,"docs":{"4":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"7":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":21,"docs":{"11":{"tf":2.8284271247461903},"13":{"tf":2.23606797749979},"14":{"tf":1.0},"15":{"tf":2.6457513110645907},"17":{"tf":3.0},"18":{"tf":1.7320508075688772},"2":{"tf":3.872983346207417},"20":{"tf":2.8284271247461903},"21":{"tf":2.8284271247461903},"24":{"tf":1.7320508075688772},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.23606797749979},"31":{"tf":2.23606797749979},"34":{"tf":2.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178},"43":{"tf":1.0},"7":{"tf":1.0}},"s":{".":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"(":{"0":{")":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"d":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"1":{")":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"d":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":4,"docs":{"2":{"tf":1.4142135623730951},"38":{"tf":1.0},"4":{"tf":1.0},"9":{"tf":1.0}}}},"z":{"(":{"df":0,"docs":{},"t":{"df":1,"docs":{"11":{"tf":1.0}}}},"df":1,"docs":{"15":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":8,"docs":{"16":{"tf":1.0},"17":{"tf":1.0},"20":{"tf":1.0},"34":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.4142135623730951}},"t":{"df":0,"docs":{},"h":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}}},"breadcrumbs":{"root":{"0":{".":{".":{"1":{"0":{"df":1,"docs":{"34":{"tf":2.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{"0":{"1":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}},"df":2,"docs":{"20":{"tf":1.0},"21":{"tf":1.4142135623730951}}},"1":{"df":16,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951},"25":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"33":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.4142135623730951},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0}}},"3":{"df":1,"docs":{"44":{"tf":1.0}}},"4":{"df":1,"docs":{"33":{"tf":1.0}}},"5":{"df":2,"docs":{"17":{"tf":2.23606797749979},"18":{"tf":1.0}}},"7":{"df":1,"docs":{"44":{"tf":1.0}}},"8":{"df":1,"docs":{"7":{"tf":1.0}}},"9":{"8":{"df":1,"docs":{"34":{"tf":3.1622776601683795}}},"df":2,"docs":{"44":{"tf":1.0},"45":{"tf":1.0}}},"df":0,"docs":{}},"df":16,"docs":{"1":{"tf":1.0},"15":{"tf":2.0},"17":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.0},"31":{"tf":2.0},"34":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.4142135623730951},"9":{"tf":5.477225575051661}}},"1":{".":{".":{"6":{")":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"p":{"(":{"df":0,"docs":{},"f":{"6":{"4":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{"df":21,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"18":{"tf":1.4142135623730951},"2":{"tf":2.23606797749979},"20":{"tf":1.7320508075688772},"21":{"tf":2.449489742783178},"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"33":{"tf":2.449489742783178},"34":{"tf":2.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.23606797749979},"39":{"tf":2.449489742783178},"4":{"tf":1.4142135623730951},"44":{"tf":1.0},"45":{"tf":1.0},"9":{"tf":1.0}}},"5":{"df":1,"docs":{"44":{"tf":1.4142135623730951}}},"9":{"df":1,"docs":{"44":{"tf":1.0}}},"df":0,"docs":{}},"0":{".":{"0":{"df":14,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":2.0},"31":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":2.23606797749979},"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"0":{".":{"0":{"df":2,"docs":{"6":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"0":{".":{"0":{"df":1,"docs":{"6":{"tf":2.449489742783178}}},"df":0,"docs":{}},"df":1,"docs":{"6":{"tf":1.7320508075688772}}},"df":1,"docs":{"6":{"tf":1.0}}},"^":{"0":{"df":1,"docs":{"43":{"tf":1.0}}},"1":{"df":1,"docs":{"43":{"tf":1.0}}},"df":0,"docs":{}},"df":5,"docs":{"1":{"tf":1.4142135623730951},"21":{"tf":1.0},"34":{"tf":1.7320508075688772},"43":{"tf":1.0},"9":{"tf":1.0}}},"2":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"8":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":17,"docs":{"13":{"tf":1.7320508075688772},"15":{"tf":2.0},"17":{"tf":1.7320508075688772},"18":{"tf":1.0},"2":{"tf":2.23606797749979},"20":{"tf":1.7320508075688772},"24":{"tf":2.23606797749979},"25":{"tf":1.4142135623730951},"26":{"tf":1.7320508075688772},"30":{"tf":3.4641016151377544},"31":{"tf":3.4641016151377544},"34":{"tf":1.4142135623730951},"4":{"tf":1.0},"41":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"2":{".":{"0":{"/":{"3":{".":{"0":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":12,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"24":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.7320508075688772},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"0":{"0":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}},"d":{"df":1,"docs":{"41":{"tf":1.4142135623730951}}},"df":8,"docs":{"15":{"tf":1.0},"20":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"41":{"tf":1.4142135623730951},"44":{"tf":1.0},"6":{"tf":1.4142135623730951}},"n":{"^":{"2":{"df":1,"docs":{"41":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"y":{"/":{"df":0,"docs":{},"k":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{}}},"3":{".":{"0":{"df":1,"docs":{"38":{"tf":1.0}}},"df":0,"docs":{}},"df":2,"docs":{"34":{"tf":1.4142135623730951},"41":{"tf":1.4142135623730951}}},"4":{".":{"0":{"/":{"3":{".":{"0":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"38":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"5":{".":{"0":{"df":1,"docs":{"38":{"tf":1.0}}},"df":0,"docs":{}},"0":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"6":{"tf":1.0}}},"df":2,"docs":{"1":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951}}},"6":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"7":{".":{"0":{"df":1,"docs":{"42":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":6,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"33":{"tf":1.0},"34":{"tf":2.449489742783178},"6":{"tf":1.0}}},"7":{"5":{"4":{"df":1,"docs":{"34":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"8":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"9":{".":{"8":{"1":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"_":{">":{"(":{"&":{"df":0,"docs":{},"t":{"a":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"u":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":1,"docs":{"35":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":2,"docs":{"34":{"tf":1.4142135623730951},"6":{"tf":1.0}},"p":{"df":7,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.4142135623730951},"21":{"tf":2.0},"34":{"tf":1.4142135623730951}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"n":{"df":4,"docs":{"18":{"tf":1.0},"33":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":1.4142135623730951}}}}}},"t":{"df":17,"docs":{"13":{"tf":1.7320508075688772},"15":{"tf":2.0},"17":{"tf":2.0},"18":{"tf":2.0},"2":{"tf":1.0},"20":{"tf":2.23606797749979},"21":{"tf":3.1622776601683795},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.23606797749979},"31":{"tf":2.23606797749979},"34":{"tf":2.449489742783178},"35":{"tf":1.7320508075688772},"36":{"tf":1.7320508075688772},"38":{"tf":2.449489742783178},"39":{"tf":3.0}}},"v":{"df":2,"docs":{"20":{"tf":1.0},"21":{"tf":1.4142135623730951}}}},"a":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"v":{"df":12,"docs":{"1":{"tf":1.0},"12":{"tf":1.7320508075688772},"13":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"3":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"2":{"tf":2.0}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"13":{"tf":1.4142135623730951},"42":{"tf":1.0}}}}},"r":{"b":{"df":1,"docs":{"0":{"tf":1.0}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}},"c":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"3":{"tf":1.0},"7":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"s":{"df":3,"docs":{"29":{"tf":1.0},"36":{"tf":1.0},"42":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"r":{"d":{"df":2,"docs":{"7":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"7":{"tf":1.0}}}}}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"0":{"tf":1.0}}}}}}},"df":0,"docs":{},"t":{"df":2,"docs":{"4":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"16":{"tf":1.0}}}}}}},"d":{"d":{"df":2,"docs":{"15":{"tf":1.0},"17":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":4,"docs":{"11":{"tf":1.0},"15":{"tf":1.7320508075688772},"42":{"tf":1.0},"8":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"23":{"tf":1.0}}}}}}}},"df":1,"docs":{"17":{"tf":1.0}},"j":{"df":0,"docs":{},"o":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"38":{"tf":1.0}}}}}}},"m":{"df":1,"docs":{"6":{"tf":1.4142135623730951}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.0}},"r":{"df":1,"docs":{"5":{"tf":1.0}}}}}}}}},"v":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"44":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"42":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"g":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":4,"docs":{"15":{"tf":1.0},"20":{"tf":1.0},"44":{"tf":1.0},"7":{"tf":1.0}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"40":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"r":{"a":{"df":6,"docs":{"0":{"tf":1.4142135623730951},"15":{"tf":1.0},"36":{"tf":1.4142135623730951},"41":{"tf":1.4142135623730951},"8":{"tf":2.8284271247461903},"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":5,"docs":{"2":{"tf":1.0},"42":{"tf":1.0},"5":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"5":{"tf":1.0}},"g":{"df":2,"docs":{"41":{"tf":2.23606797749979},"8":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"e":{"a":{"d":{"df":0,"docs":{},"i":{"df":3,"docs":{"10":{"tf":1.0},"29":{"tf":1.4142135623730951},"36":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"w":{"a":{"df":0,"docs":{},"y":{"df":1,"docs":{"3":{"tf":1.0}}}},"df":0,"docs":{}}},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"29":{"tf":1.0}}}}}}},"n":{"d":{"/":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{},"g":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}}}},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":2,"docs":{"10":{"tf":1.0},"3":{"tf":1.0}}}}}},"p":{"df":0,"docs":{},"i":{"df":28,"docs":{"0":{"tf":1.0},"10":{"tf":2.449489742783178},"11":{"tf":1.0},"12":{"tf":3.3166247903554},"13":{"tf":1.0},"14":{"tf":1.0},"15":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"19":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.0},"22":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0},"25":{"tf":1.0},"26":{"tf":1.0},"27":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.0}}},"p":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"3":{"tf":1.0}}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"19":{"tf":1.0}}},"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"r":{"df":0,"docs":{},"o":{"a":{"c":{"df":0,"docs":{},"h":{"df":1,"docs":{"5":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"23":{"tf":1.4142135623730951}}}}}}}}},"r":{"df":0,"docs":{},"g":{"df":0,"docs":{},"u":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"17":{"tf":1.0}}}}}}}},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"8":{"tf":1.0}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"d":{"df":3,"docs":{"10":{"tf":1.0},"13":{"tf":1.0},"34":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"a":{"df":0,"docs":{},"y":{"df":2,"docs":{"42":{"tf":1.0},"45":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"36":{"tf":1.4142135623730951}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":1,"docs":{"36":{"tf":1.0}}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}}},"o":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"m":{"df":3,"docs":{"1":{"tf":1.0},"2":{"tf":1.0},"29":{"tf":1.0}},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}}}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"(":{"[":{"1":{"df":4,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"34":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"13":{"tf":1.0}}}},"t":{"a":{"c":{"df":0,"docs":{},"h":{"df":1,"docs":{"4":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}}}}}}},"v":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":1,"docs":{"35":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}},"w":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"x":{"df":0,"docs":{},"i":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"43":{"tf":1.4142135623730951}}}}},"b":{"a":{"c":{"df":0,"docs":{},"k":{"df":1,"docs":{"39":{"tf":1.0}},"e":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"12":{"tf":1.4142135623730951},"33":{"tf":2.23606797749979}}},"df":0,"docs":{}}},"w":{"a":{"df":0,"docs":{},"r":{"d":{"df":1,"docs":{"35":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"7":{"tf":1.0}}}}}}},"df":3,"docs":{"0":{"tf":1.4142135623730951},"5":{"tf":1.7320508075688772},"7":{"tf":4.898979485566356}}}},"n":{"d":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"e":{"df":6,"docs":{"0":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0},"36":{"tf":1.4142135623730951},"39":{"tf":1.0},"6":{"tf":1.0}}},"i":{"c":{"df":1,"docs":{"0":{"tf":1.0}}},"df":1,"docs":{"6":{"tf":1.0}}}}},"d":{"df":0,"docs":{},"f":{"df":4,"docs":{"35":{"tf":1.0},"36":{"tf":1.0},"44":{"tf":2.0},"45":{"tf":2.0}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"_":{"df":0,"docs":{},"w":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"35":{"tf":1.0},"36":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":2,"docs":{"35":{"tf":1.0},"36":{"tf":1.0}}}}},"df":0,"docs":{}}}}},"df":1,"docs":{"2":{"tf":3.0}},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":1,"docs":{"39":{"tf":1.0}}}}},"df":1,"docs":{"0":{"tf":1.0}},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":4,"docs":{"0":{"tf":1.0},"35":{"tf":1.4142135623730951},"7":{"tf":1.0},"8":{"tf":1.0}}}}},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"40":{"tf":1.0}},"{":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":5,"docs":{"1":{"tf":1.0},"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}}}}},"b":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":8,"docs":{"1":{"tf":2.0},"15":{"tf":2.0},"2":{"tf":2.449489742783178},"20":{"tf":1.0},"3":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"9":{"tf":2.23606797749979}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"h":{"a":{"df":0,"docs":{},"v":{"df":1,"docs":{"2":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":2,"docs":{"0":{"tf":1.0},"2":{"tf":1.0}}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"12":{"tf":1.0},"33":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":3,"docs":{"13":{"tf":1.0},"31":{"tf":1.0},"6":{"tf":1.0}}}}},"n":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":6,"docs":{"40":{"tf":1.7320508075688772},"41":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"12":{"tf":1.0}}}},"t":{"a":{"df":4,"docs":{"15":{"tf":2.8284271247461903},"26":{"tf":1.4142135623730951},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":5,"docs":{"2":{"tf":1.0},"42":{"tf":1.4142135623730951},"45":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.4142135623730951}}}}}}},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"39":{"tf":1.0}}},"df":0,"docs":{}}}}},"i":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}},"i":{"df":1,"docs":{"0":{"tf":1.0}}}}}}}},"o":{"d":{"df":0,"docs":{},"i":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":2.23606797749979}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":1,"docs":{"6":{"tf":1.0}}}},"o":{"df":0,"docs":{},"k":{"df":2,"docs":{"10":{"tf":1.0},"32":{"tf":1.0}}}},"t":{"df":0,"docs":{},"h":{"df":6,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0},"35":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.0},"8":{"tf":1.0}}}},"u":{"df":0,"docs":{},"n":{"c":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.4142135623730951},"7":{"tf":3.1622776601683795}}},"d":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"41":{"tf":1.0}}}}},"df":2,"docs":{"42":{"tf":1.0},"45":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"k":{"df":4,"docs":{"18":{"tf":1.0},"39":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{"(":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":4,"docs":{"2":{"tf":1.0},"33":{"tf":1.0},"4":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"m":{"df":0,"docs":{},"y":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":1,"docs":{"31":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}}},"df":2,"docs":{"23":{"tf":1.0},"33":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}},"df":11,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"15":{"tf":1.0}}}}},"df":0,"docs":{}}},"t":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"35":{"tf":1.0}}}}}},"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"31":{"tf":1.0}}}}}}},"y":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"36":{"tf":1.0}}}}},"df":0,"docs":{}}}},"c":{"/":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}},"_":{"1":{"df":1,"docs":{"1":{"tf":2.23606797749979}}},"2":{"df":1,"docs":{"1":{"tf":2.23606797749979}}},"df":0,"docs":{}},"a":{"df":0,"docs":{},"l":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":4,"docs":{"11":{"tf":1.0},"34":{"tf":1.0},"42":{"tf":1.4142135623730951},"44":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":4,"docs":{"24":{"tf":1.0},"25":{"tf":1.0},"30":{"tf":2.0},"31":{"tf":2.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":11,"docs":{"1":{"tf":1.0},"10":{"tf":1.0},"13":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"20":{"tf":1.7320508075688772},"29":{"tf":1.0},"32":{"tf":1.0},"34":{"tf":1.0},"42":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.4142135623730951}}}},"p":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"8":{"tf":1.0}}}},"c":{"df":1,"docs":{"13":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":2.23606797749979}}}}}}},"df":0,"docs":{}},"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}},"r":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"13":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"e":{"df":9,"docs":{"14":{"tf":1.0},"2":{"tf":1.0},"22":{"tf":1.0},"23":{"tf":1.7320508075688772},"26":{"tf":1.0},"34":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.7320508075688772},"45":{"tf":1.0}}}},"u":{"df":0,"docs":{},"s":{"df":1,"docs":{"44":{"tf":1.0}}}}},"df":6,"docs":{"1":{"tf":1.7320508075688772},"2":{"tf":3.0},"4":{"tf":1.7320508075688772},"43":{"tf":1.0},"45":{"tf":1.0},"9":{"tf":2.0}},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":1,"docs":{"1":{"tf":2.8284271247461903}}}},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}},"r":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":2.8284271247461903}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"16":{"tf":1.0}}}}},"df":0,"docs":{}}}},"g":{">":{":":{":":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"33":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":6,"docs":{"2":{"tf":1.4142135623730951},"33":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"h":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":7,"docs":{"0":{"tf":1.0},"1":{"tf":1.7320508075688772},"2":{"tf":2.0},"42":{"tf":1.0},"5":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.0}}}},"p":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"40":{"tf":1.0}}}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"k":{"df":2,"docs":{"42":{"tf":1.0},"45":{"tf":1.0}}}},"df":0,"docs":{},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"0":{"tf":1.0}}}}}}}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":5,"docs":{"34":{"tf":1.0},"35":{"tf":1.7320508075688772},"36":{"tf":1.0},"41":{"tf":1.0},"9":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":2,"docs":{"36":{"tf":1.0},"39":{"tf":1.0}}}}}}},"i":{"df":0,"docs":{},"r":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.0}}}}}}},"df":3,"docs":{"0":{"tf":1.7320508075688772},"8":{"tf":1.0},"9":{"tf":2.8284271247461903}}}}}},"df":0,"docs":{}}},"l":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"11":{"tf":1.0}},"i":{"c":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":1,"docs":{"6":{"tf":2.449489742783178}},"e":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"6":{"tf":1.7320508075688772}},"e":{"/":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"df":0,"docs":{}},"i":{"c":{"df":0,"docs":{},"k":{"df":1,"docs":{"31":{"tf":1.0}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"44":{"tf":1.4142135623730951}}},"u":{"df":0,"docs":{},"r":{"df":4,"docs":{"12":{"tf":1.0},"13":{"tf":1.0},"2":{"tf":1.0},"45":{"tf":2.0}}}}}}},"o":{"d":{"df":0,"docs":{},"e":{"df":12,"docs":{"12":{"tf":1.0},"13":{"tf":1.0},"17":{"tf":1.0},"2":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":1.4142135623730951},"36":{"tf":1.0},"4":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":2,"docs":{"4":{"tf":1.0},"7":{"tf":2.0}}}},"df":0,"docs":{}}}}},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"5":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"m":{"df":0,"docs":{},"n":{"df":2,"docs":{"13":{"tf":1.0},"34":{"tf":1.0}}}}}},"m":{"b":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":3,"docs":{"1":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0}}}}},"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{":":{":":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":3,"docs":{"0":{"tf":1.4142135623730951},"16":{"tf":1.0},"26":{"tf":1.0}}}}},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"45":{"tf":1.0}}}},"df":2,"docs":{"40":{"tf":1.4142135623730951},"45":{"tf":1.0}},"t":{"df":1,"docs":{"6":{"tf":3.872983346207417}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772}}}}}}}},"t":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":4,"docs":{"33":{"tf":1.4142135623730951},"42":{"tf":1.0},"43":{"tf":1.4142135623730951},"45":{"tf":1.0}}}},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":3,"docs":{"12":{"tf":1.0},"24":{"tf":1.0},"8":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"13":{"tf":1.0},"34":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"19":{"tf":1.0},"20":{"tf":1.4142135623730951},"24":{"tf":1.0}}}}}},"n":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":2,"docs":{"1":{"tf":2.23606797749979},"6":{"tf":1.7320508075688772}}}}}}},"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":12,"docs":{"0":{"tf":1.0},"1":{"tf":1.4142135623730951},"16":{"tf":1.0},"2":{"tf":1.7320508075688772},"25":{"tf":1.4142135623730951},"29":{"tf":1.0},"36":{"tf":1.0},"41":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"6":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"v":{"df":1,"docs":{"8":{"tf":1.0}}}}},"i":{"d":{"df":4,"docs":{"2":{"tf":1.0},"34":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":4,"docs":{"32":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}}}},"t":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":6,"docs":{"1":{"tf":1.0},"20":{"tf":1.0},"23":{"tf":1.0},"25":{"tf":1.7320508075688772},"4":{"tf":1.0},"44":{"tf":1.0}},"o":{"df":0,"docs":{},"p":{"df":6,"docs":{"23":{"tf":1.0},"25":{"tf":1.7320508075688772},"29":{"tf":1.4142135623730951},"30":{"tf":1.7320508075688772},"31":{"tf":2.0},"34":{"tf":1.0}}}}}}},"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"32":{"tf":1.0}},"t":{"df":2,"docs":{"36":{"tf":1.4142135623730951},"8":{"tf":1.0}}}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":5,"docs":{"18":{"tf":1.0},"29":{"tf":1.0},"34":{"tf":1.0},"39":{"tf":1.0},"41":{"tf":2.0}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"t":{"df":1,"docs":{"33":{"tf":1.4142135623730951}}}}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"u":{"df":6,"docs":{"0":{"tf":1.0},"18":{"tf":1.0},"39":{"tf":1.4142135623730951},"5":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":3,"docs":{"19":{"tf":1.0},"34":{"tf":1.0},"5":{"tf":1.0}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":1,"docs":{"22":{"tf":1.0}}}},"r":{"df":0,"docs":{},"g":{"df":3,"docs":{"18":{"tf":1.0},"39":{"tf":1.4142135623730951},"5":{"tf":1.0}}},"t":{"df":2,"docs":{"0":{"tf":1.0},"4":{"tf":1.0}}}}}}},"r":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"29":{"tf":1.0}}},"df":0,"docs":{}}}}}}}},"u":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":1,"docs":{"1":{"tf":1.0}}}},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"29":{"tf":1.0}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"r":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"t":{"df":1,"docs":{"12":{"tf":1.0}},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":6,"docs":{"2":{"tf":2.0},"33":{"tf":2.23606797749979},"4":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"7":{"tf":1.4142135623730951},"9":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}}}}}}},"t":{"df":0,"docs":{},"e":{"df":5,"docs":{"0":{"tf":1.0},"13":{"tf":1.0},"2":{"tf":1.0},"35":{"tf":1.7320508075688772},"6":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":9,"docs":{"13":{"tf":2.0},"20":{"tf":1.0},"23":{"tf":1.4142135623730951},"29":{"tf":1.0},"31":{"tf":1.7320508075688772},"33":{"tf":1.7320508075688772},"34":{"tf":1.0},"35":{"tf":3.1622776601683795},"36":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":8,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"21":{"tf":1.0},"36":{"tf":1.7320508075688772},"39":{"tf":1.0},"5":{"tf":1.4142135623730951},"8":{"tf":1.4142135623730951},"9":{"tf":2.6457513110645907}}}}}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":12,"docs":{"12":{"tf":1.0},"22":{"tf":2.0},"23":{"tf":1.4142135623730951},"24":{"tf":2.0},"25":{"tf":1.0},"26":{"tf":1.4142135623730951},"27":{"tf":1.4142135623730951},"28":{"tf":1.0},"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951}}}}}}},"v":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"/":{"c":{"df":0,"docs":{},"v":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"s":{"_":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"c":{"df":0,"docs":{},"k":{"_":{"df":0,"docs":{},"k":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{".":{"c":{"df":1,"docs":{"41":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":3,"docs":{"41":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"d":{"a":{"df":0,"docs":{},"e":{"df":6,"docs":{"0":{"tf":2.23606797749979},"14":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.0},"8":{"tf":3.605551275463989},"9":{"tf":1.0}}},"m":{"df":0,"docs":{},"p":{"df":2,"docs":{"0":{"tf":1.0},"4":{"tf":2.0}}}},"t":{"a":{"df":5,"docs":{"0":{"tf":1.0},"12":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.0},"29":{"tf":2.0}}},"df":0,"docs":{}}},"df":1,"docs":{"2":{"tf":3.0}},"e":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":1,"docs":{"2":{"tf":1.7320508075688772}}}}},"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"35":{"tf":1.7320508075688772}}}}}}}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"44":{"tf":1.0}}}},"df":0,"docs":{}}}},"d":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"10":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"a":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":2,"docs":{"13":{"tf":1.0},"33":{"tf":1.0}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":6,"docs":{"1":{"tf":1.7320508075688772},"24":{"tf":1.0},"29":{"tf":1.4142135623730951},"35":{"tf":2.0},"42":{"tf":2.0},"6":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":2.23606797749979}}},"y":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{}}}}}},"t":{"a":{"df":1,"docs":{"5":{"tf":1.0}}},"df":0,"docs":{}}},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":3,"docs":{"24":{"tf":1.0},"45":{"tf":1.0},"9":{"tf":1.0}}}}}}}},"n":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}},"s":{"df":5,"docs":{"13":{"tf":1.4142135623730951},"32":{"tf":1.0},"41":{"tf":1.7320508075688772},"42":{"tf":1.0},"44":{"tf":1.0}}}},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"d":{"df":6,"docs":{"1":{"tf":1.0},"14":{"tf":1.0},"2":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.0},"6":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":7,"docs":{"0":{"tf":1.0},"1":{"tf":1.4142135623730951},"19":{"tf":1.0},"20":{"tf":1.4142135623730951},"3":{"tf":2.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}},"s":{"c":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"b":{"df":9,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0},"3":{"tf":1.0},"34":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":1.0},"8":{"tf":2.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":3,"docs":{"0":{"tf":1.0},"32":{"tf":1.0},"5":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"y":{"df":1,"docs":{"29":{"tf":1.0}}}}}}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":4,"docs":{"32":{"tf":1.0},"34":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":5,"docs":{"0":{"tf":1.0},"18":{"tf":1.7320508075688772},"34":{"tf":1.7320508075688772},"5":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"34":{"tf":1.0}}}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":1,"docs":{"40":{"tf":1.0}}}}}}}},"i":{"_":{"df":0,"docs":{},"l":{"/":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"a":{"df":0,"docs":{},"g":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":4,"docs":{"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"8":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"c":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"n":{"'":{"df":0,"docs":{},"t":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":10,"docs":{"1":{"tf":1.0},"2":{"tf":2.0},"34":{"tf":1.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"42":{"tf":2.0},"44":{"tf":1.7320508075688772},"45":{"tf":1.4142135623730951},"5":{"tf":1.0},"8":{"tf":1.0}},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":6,"docs":{"0":{"tf":1.7320508075688772},"1":{"tf":1.0},"32":{"tf":1.0},"41":{"tf":1.0},"8":{"tf":2.449489742783178},"9":{"tf":1.4142135623730951}}}}}}}},"i":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":1,"docs":{"5":{"tf":1.0}}}}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"l":{":":{":":{"<":{"df":0,"docs":{},"m":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"33":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":12,"docs":{"10":{"tf":1.0},"12":{"tf":2.23606797749979},"2":{"tf":1.7320508075688772},"32":{"tf":2.8284271247461903},"33":{"tf":3.1622776601683795},"4":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":3.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"o":{"df":0,"docs":{},"l":{"'":{"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":1.0}}},":":{":":{"b":{"d":{"df":0,"docs":{},"f":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"f":{"a":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":1,"docs":{"35":{"tf":1.0}}}},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":1,"docs":{"35":{"tf":1.0}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"n":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"33":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":1,"docs":{"35":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"o":{"d":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"df":12,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"31":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{},"p":{"df":1,"docs":{"24":{"tf":1.4142135623730951}}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":1,"docs":{"35":{"tf":1.0}}}}}},"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":2,"docs":{"13":{"tf":1.4142135623730951},"34":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"{":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"s":{"df":0,"docs":{},"l":{"df":1,"docs":{"33":{"tf":1.4142135623730951}}}}}}}},"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"df":1,"docs":{"33":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":1,"docs":{"34":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"d":{"df":4,"docs":{"18":{"tf":1.0},"21":{"tf":1.4142135623730951},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}}}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"35":{"tf":1.0},"36":{"tf":1.0}}}}}}}}}}}},"df":0,"docs":{},"p":{"df":4,"docs":{"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":41,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":1.4142135623730951},"10":{"tf":2.23606797749979},"11":{"tf":1.4142135623730951},"12":{"tf":2.0},"13":{"tf":1.0},"14":{"tf":1.4142135623730951},"15":{"tf":1.7320508075688772},"16":{"tf":1.0},"17":{"tf":1.4142135623730951},"18":{"tf":1.0},"19":{"tf":1.0},"2":{"tf":1.7320508075688772},"20":{"tf":1.0},"21":{"tf":1.0},"22":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"27":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"3":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":2.0},"33":{"tf":1.4142135623730951},"34":{"tf":2.23606797749979},"38":{"tf":1.0},"4":{"tf":1.4142135623730951},"40":{"tf":1.0},"41":{"tf":2.0},"42":{"tf":3.0},"43":{"tf":1.0},"44":{"tf":2.449489742783178},"5":{"tf":2.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"8":{"tf":1.7320508075688772},"9":{"tf":1.4142135623730951}}}}},"u":{"df":0,"docs":{},"s":{"df":3,"docs":{"41":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0}}}}}},"l":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":1,"docs":{"41":{"tf":1.4142135623730951}}}}}},"r":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"4":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"35":{"tf":1.4142135623730951},"44":{"tf":1.0}}}}}},"df":0,"docs":{}}},"s":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"u":{"df":1,"docs":{"5":{"tf":1.4142135623730951}}}}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"44":{"tf":1.0}}},"t":{"df":4,"docs":{"0":{"tf":2.23606797749979},"5":{"tf":3.4641016151377544},"6":{"tf":1.0},"7":{"tf":1.4142135623730951}},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"14":{"tf":1.0}}}}}}},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"19":{"tf":1.0},"44":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"1":{"tf":1.0}}}},"df":0,"docs":{}},"h":{"df":1,"docs":{"1":{"tf":1.7320508075688772}}},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":1,"docs":{"4":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}}}},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":3,"docs":{"12":{"tf":1.0},"2":{"tf":1.0},"32":{"tf":1.0}}}}},"df":0,"docs":{}},"n":{"'":{"df":0,"docs":{},"t":{"df":1,"docs":{"36":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":4,"docs":{"13":{"tf":1.0},"17":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"6":{"tf":3.605551275463989}},"s":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"k":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"(":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"[":{"0":{"]":{".":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"w":{"df":0,"docs":{},"n":{"df":3,"docs":{"1":{"tf":1.4142135623730951},"45":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"o":{"df":0,"docs":{},"p":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}}},"u":{"df":0,"docs":{},"g":{"df":3,"docs":{"0":{"tf":1.7320508075688772},"5":{"tf":1.7320508075688772},"6":{"tf":4.242640687119285}}}}},"s":{"df":0,"docs":{},"l":{"df":3,"docs":{"10":{"tf":1.4142135623730951},"12":{"tf":1.0},"32":{"tf":1.0}}}},"u":{"d":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"e":{"df":5,"docs":{"3":{"tf":1.0},"34":{"tf":1.0},"44":{"tf":2.0},"45":{"tf":1.0},"7":{"tf":1.0}}},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":2,"docs":{"34":{"tf":1.0},"41":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"e":{"df":3,"docs":{"18":{"tf":1.7320508075688772},"29":{"tf":1.0},"5":{"tf":1.0}}}}},"v":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"1":{"df":9,"docs":{"13":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":2,"docs":{"13":{"tf":1.0},"15":{"tf":1.0}}}}}},"df":0,"docs":{}}},"y":{"/":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":4,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"2":{"tf":2.449489742783178},"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{".":{"df":0,"docs":{},"g":{"df":1,"docs":{"29":{"tf":1.0}}}},"a":{"c":{"df":0,"docs":{},"h":{"df":16,"docs":{"13":{"tf":1.0},"2":{"tf":1.4142135623730951},"21":{"tf":1.0},"23":{"tf":1.7320508075688772},"34":{"tf":1.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.7320508075688772},"37":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.0},"43":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"8":{"tf":1.0}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"10":{"tf":1.0},"35":{"tf":1.0}}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"12":{"tf":1.0},"38":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"10":{"tf":1.0},"45":{"tf":1.0}}}}}}},"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"y":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}}}}}},"df":3,"docs":{"18":{"tf":1.0},"39":{"tf":1.0},"7":{"tf":2.23606797749979}},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.0},"6":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"df":0,"docs":{}},"i":{"c":{"a":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"i":{"df":3,"docs":{"33":{"tf":1.0},"34":{"tf":1.0},"39":{"tf":1.0}}}},"df":0,"docs":{}}}},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":3,"docs":{"0":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.7320508075688772}}}}},"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":2,"docs":{"21":{"tf":1.4142135623730951},"34":{"tf":2.23606797749979}}}}}}}},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"24":{"tf":1.0}}}}}},"n":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"{":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":5,"docs":{"1":{"tf":1.0},"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}}}}},"b":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":8,"docs":{"1":{"tf":2.0},"15":{"tf":2.0},"2":{"tf":2.449489742783178},"20":{"tf":1.0},"3":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"9":{"tf":2.23606797749979}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":3,"docs":{"29":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":4,"docs":{"27":{"tf":1.0},"28":{"tf":1.0},"30":{"tf":1.0},"42":{"tf":1.0}}}},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"8":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"m":{"df":2,"docs":{"18":{"tf":1.0},"39":{"tf":1.0}}}}},"q":{"df":0,"docs":{},"n":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"33":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"u":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"16":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}},"t":{"df":24,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":2.449489742783178},"11":{"tf":1.7320508075688772},"13":{"tf":2.23606797749979},"15":{"tf":1.4142135623730951},"16":{"tf":1.0},"2":{"tf":2.23606797749979},"20":{"tf":2.23606797749979},"23":{"tf":1.0},"24":{"tf":1.0},"27":{"tf":1.4142135623730951},"28":{"tf":1.0},"3":{"tf":1.4142135623730951},"30":{"tf":1.0},"32":{"tf":1.4142135623730951},"34":{"tf":2.0},"36":{"tf":1.0},"38":{"tf":1.0},"4":{"tf":1.0},"41":{"tf":2.23606797749979},"45":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"8":{"tf":4.0},"9":{"tf":2.6457513110645907}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{}}}}},"r":{"df":0,"docs":{},"r":{"(":{"_":{"df":2,"docs":{"39":{"tf":1.0},"7":{"tf":1.0}}},"df":2,"docs":{"18":{"tf":1.0},"39":{"tf":1.0}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":3,"docs":{"39":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0}}}}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"3":{"4":{"df":1,"docs":{"35":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"35":{"tf":1.0}}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"19":{"tf":1.0}}}}}},"t":{"c":{"df":1,"docs":{"43":{"tf":1.0}}},"df":0,"docs":{}},"v":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":3,"docs":{"12":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":4,"docs":{"0":{"tf":2.6457513110645907},"5":{"tf":3.872983346207417},"6":{"tf":1.0},"7":{"tf":2.6457513110645907}}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.0},"5":{"tf":1.0},"9":{"tf":1.0}}}}}}},"x":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":22,"docs":{"0":{"tf":3.3166247903554},"1":{"tf":1.7320508075688772},"10":{"tf":1.0},"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"2":{"tf":2.0},"20":{"tf":1.0},"29":{"tf":1.4142135623730951},"3":{"tf":1.7320508075688772},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.0},"4":{"tf":1.7320508075688772},"41":{"tf":2.449489742783178},"42":{"tf":2.0},"45":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":2.449489742783178},"7":{"tf":2.0},"8":{"tf":1.4142135623730951},"9":{"tf":1.7320508075688772}}}}}},"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"43":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"33":{"tf":1.0}}}}},"df":0,"docs":{}},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"44":{"tf":1.0}}}},"df":0,"docs":{}},"l":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"0":{"tf":1.0},"10":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":3,"docs":{"1":{"tf":2.6457513110645907},"2":{"tf":1.0},"8":{"tf":2.449489742783178}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"13":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}}}}}}}}},"f":{"'":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"i":{"df":3,"docs":{"13":{"tf":1.7320508075688772},"24":{"tf":1.0},"34":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"i":{"df":2,"docs":{"13":{"tf":1.7320508075688772},"24":{"tf":1.0}}},"t":{"df":3,"docs":{"11":{"tf":1.4142135623730951},"14":{"tf":1.0},"15":{"tf":1.0}}}},"6":{"4":{"df":6,"docs":{"24":{"tf":1.7320508075688772},"25":{"tf":1.0},"26":{"tf":1.0},"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"a":{"c":{"df":0,"docs":{},"e":{"df":1,"docs":{"10":{"tf":1.0}}},"t":{"df":3,"docs":{"34":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0}},"o":{"df":0,"docs":{},"r":{"df":2,"docs":{"42":{"tf":1.0},"44":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{},"l":{"<":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"t":{"df":2,"docs":{"13":{"tf":1.0},"34":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":3,"docs":{"13":{"tf":1.0},"35":{"tf":1.4142135623730951},"41":{"tf":1.7320508075688772}}}},"i":{"df":0,"docs":{},"l":{"df":4,"docs":{"18":{"tf":1.0},"34":{"tf":1.0},"39":{"tf":1.7320508075688772},"5":{"tf":1.0}}}},"l":{"df":0,"docs":{},"l":{"df":1,"docs":{"7":{"tf":1.0}}}},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"24":{"tf":1.0}}}},"df":0,"docs":{}}}},"r":{"df":3,"docs":{"27":{"tf":1.0},"3":{"tf":1.0},"32":{"tf":1.0}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":4,"docs":{"12":{"tf":1.0},"33":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0}}}}}}},"df":3,"docs":{"13":{"tf":1.0},"15":{"tf":1.7320508075688772},"33":{"tf":1.4142135623730951}},"e":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":5,"docs":{"12":{"tf":1.0},"2":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":1.4142135623730951},"7":{"tf":1.0}}}}}},"df":0,"docs":{},"w":{"df":2,"docs":{"38":{"tf":1.0},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"d":{"df":2,"docs":{"21":{"tf":1.0},"6":{"tf":1.0}}},"df":0,"docs":{}}},"g":{"df":1,"docs":{"6":{"tf":1.7320508075688772}},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"e":{"df":7,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"41":{"tf":2.0},"42":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"0":{"tf":1.0},"9":{"tf":1.7320508075688772}}}}}},"n":{"a":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"7":{"tf":1.0}}}}}},"df":4,"docs":{"23":{"tf":1.0},"38":{"tf":1.0},"42":{"tf":1.0},"7":{"tf":1.0}}}},"d":{"df":7,"docs":{"1":{"tf":1.0},"11":{"tf":1.0},"16":{"tf":2.23606797749979},"17":{"tf":2.449489742783178},"18":{"tf":1.0},"39":{"tf":1.0},"5":{"tf":1.0}}},"df":0,"docs":{},"e":{"df":1,"docs":{"32":{"tf":1.0}}},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"42":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":8,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":3.4641016151377544},"2":{"tf":2.23606797749979},"24":{"tf":1.0},"3":{"tf":2.23606797749979},"4":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":1.4142135623730951}}}}},"t":{"df":1,"docs":{"12":{"tf":1.0}}}},"l":{"a":{"df":0,"docs":{},"g":{"df":2,"docs":{"12":{"tf":1.0},"33":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"b":{"df":0,"docs":{},"l":{"df":3,"docs":{"10":{"tf":1.0},"12":{"tf":1.0},"5":{"tf":1.0}}}},"df":0,"docs":{}}}},"o":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.0}}}},"df":0,"docs":{},"w":{"df":3,"docs":{"34":{"tf":1.0},"8":{"tf":1.4142135623730951},"9":{"tf":1.7320508075688772}}}}},"n":{"df":23,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"24":{"tf":3.605551275463989},"25":{"tf":2.23606797749979},"26":{"tf":2.449489742783178},"29":{"tf":1.0},"30":{"tf":5.5677643628300215},"31":{"tf":5.5677643628300215},"33":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"o":{"c":{"df":0,"docs":{},"u":{"df":3,"docs":{"32":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0}},"s":{"df":2,"docs":{"27":{"tf":1.0},"40":{"tf":1.0}}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":8,"docs":{"13":{"tf":1.0},"17":{"tf":1.0},"38":{"tf":1.0},"4":{"tf":1.0},"43":{"tf":1.0},"6":{"tf":1.4142135623730951},"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"o":{"d":{"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"b":{"df":4,"docs":{"41":{"tf":1.0},"42":{"tf":1.7320508075688772},"44":{"tf":1.4142135623730951},"45":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"f":{"df":1,"docs":{"34":{"tf":1.0}}}}}}}}},"r":{"c":{"df":2,"docs":{"4":{"tf":1.7320508075688772},"9":{"tf":1.0}}},"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.0}}}},"df":13,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":2.449489742783178},"11":{"tf":1.0},"14":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"3":{"tf":1.0},"33":{"tf":1.0},"41":{"tf":1.0},"6":{"tf":1.4142135623730951},"7":{"tf":1.0},"8":{"tf":2.449489742783178},"9":{"tf":1.0}},"u":{"df":0,"docs":{},"l":{"a":{"df":1,"docs":{"35":{"tf":1.0}}},"df":0,"docs":{}}}},"w":{"a":{"df":0,"docs":{},"r":{"d":{"df":6,"docs":{"1":{"tf":1.0},"19":{"tf":2.23606797749979},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"38":{"tf":1.0},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"18":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"a":{"c":{"df":0,"docs":{},"{":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"d":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"y":{"df":0,"docs":{},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":7,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0},"3":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"^":{"2":{"df":0,"docs":{},"x":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"^":{"2":{"df":3,"docs":{"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"c":{"_":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"2":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"i":{"_":{"df":0,"docs":{},"l":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"q":{"_":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"{":{"df":0,"docs":{},"p":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"v":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":4,"docs":{"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"x":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":4,"docs":{"2":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"4":{"tf":1.7320508075688772},"7":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"y":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"k":{"df":1,"docs":{"20":{"tf":1.0}}},"r":{"df":1,"docs":{"20":{"tf":1.0}}},"t":{"df":8,"docs":{"11":{"tf":1.0},"13":{"tf":1.0},"14":{"tf":1.0},"15":{"tf":1.4142135623730951},"17":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"24":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"i":{"_":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"c":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"k":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"q":{"_":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"v":{"_":{"c":{"df":1,"docs":{"6":{"tf":2.449489742783178}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"{":{"df":0,"docs":{},"p":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"v":{"_":{"df":0,"docs":{},"{":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":2.0}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"v":{"_":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"x":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"y":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}}}},"s":{":":{":":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{"\"":{".":{".":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"r":{"c":{"/":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"/":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"/":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"r":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}},"df":0,"docs":{}}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}},"s":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":3,"docs":{"15":{"tf":1.0},"31":{"tf":1.0},"6":{"tf":1.0}}}},"n":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":21,"docs":{"1":{"tf":1.4142135623730951},"11":{"tf":1.4142135623730951},"12":{"tf":2.0},"13":{"tf":1.7320508075688772},"15":{"tf":1.4142135623730951},"17":{"tf":2.8284271247461903},"22":{"tf":1.0},"23":{"tf":2.449489742783178},"24":{"tf":2.8284271247461903},"25":{"tf":2.0},"26":{"tf":1.7320508075688772},"29":{"tf":2.23606797749979},"34":{"tf":2.23606797749979},"38":{"tf":1.4142135623730951},"42":{"tf":3.0},"44":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":2.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}}}}}},"d":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"39":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"g":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"t":{"df":1,"docs":{"11":{"tf":1.7320508075688772}}}},"df":2,"docs":{"3":{"tf":2.0},"7":{"tf":2.449489742783178}},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"v":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":3,"docs":{"26":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":1,"docs":{"15":{"tf":1.0}}}},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":2,"docs":{"0":{"tf":1.0},"8":{"tf":1.0}}}}}},"df":12,"docs":{"1":{"tf":1.7320508075688772},"13":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.0},"32":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"42":{"tf":1.7320508075688772},"43":{"tf":1.0},"44":{"tf":1.4142135623730951},"8":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}},"t":{"df":1,"docs":{"29":{"tf":1.4142135623730951}}}},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":1,"docs":{"15":{"tf":1.0}},"n":{"df":4,"docs":{"1":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":2.0},"9":{"tf":1.7320508075688772}}}}}},"o":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"23":{"tf":1.0},"24":{"tf":1.0},"40":{"tf":1.0}}}},"df":2,"docs":{"24":{"tf":1.0},"25":{"tf":1.0}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}}},"r":{"a":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":4,"docs":{"13":{"tf":1.0},"20":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.0}}}}}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"h":{"df":1,"docs":{"43":{"tf":1.0}}}},"v":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":2,"docs":{"3":{"tf":1.4142135623730951},"7":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"d":{"df":1,"docs":{"41":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"d":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.0},"7":{"tf":2.8284271247461903}}},"df":0,"docs":{}}},"w":{"df":2,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0}},"t":{"df":0,"docs":{},"h":{"df":4,"docs":{"1":{"tf":1.4142135623730951},"13":{"tf":1.0},"2":{"tf":2.23606797749979},"20":{"tf":1.7320508075688772}}}}}}},"u":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}}}}}},"h":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}}},"n":{"d":{"df":8,"docs":{"11":{"tf":1.0},"15":{"tf":1.0},"20":{"tf":1.4142135623730951},"22":{"tf":1.0},"29":{"tf":1.4142135623730951},"4":{"tf":1.0},"42":{"tf":1.4142135623730951},"45":{"tf":1.0}},"l":{"df":4,"docs":{"0":{"tf":1.0},"14":{"tf":1.0},"5":{"tf":1.7320508075688772},"7":{"tf":1.0}}}},"df":0,"docs":{}},"v":{"df":0,"docs":{},"e":{"df":1,"docs":{"12":{"tf":1.0}}}}},"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":2.0}},"e":{"a":{"df":0,"docs":{},"t":{"2":{"d":{"df":3,"docs":{"41":{"tf":1.0},"42":{"tf":1.7320508075688772},"44":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":1,"docs":{"41":{"tf":1.0}}},"v":{"df":0,"docs":{},"i":{"df":1,"docs":{"42":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}}}}},"r":{"df":0,"docs":{},"e":{"df":3,"docs":{"0":{"tf":1.0},"17":{"tf":1.0},"6":{"tf":1.0}}}}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":3,"docs":{"38":{"tf":1.0},"45":{"tf":1.0},"9":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{"df":5,"docs":{"0":{"tf":2.0},"12":{"tf":1.0},"3":{"tf":2.6457513110645907},"32":{"tf":1.0},"4":{"tf":1.0}}},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"3":{"tf":1.0}}}}}}},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"31":{"tf":1.0}}}},"t":{"df":2,"docs":{"0":{"tf":1.0},"7":{"tf":2.449489742783178}}}},"o":{"df":0,"docs":{},"l":{"d":{"df":5,"docs":{"2":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.0},"36":{"tf":1.0},"5":{"tf":1.0}}},"df":0,"docs":{}},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"t":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"i":{".":{"df":5,"docs":{"13":{"tf":1.0},"20":{"tf":1.0},"34":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}},"_":{"c":{"df":1,"docs":{"9":{"tf":2.0}}},"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}},"r":{"df":1,"docs":{"9":{"tf":2.449489742783178}}}},"c":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}},"d":{"a":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"/":{"df":0,"docs":{},"i":{"d":{"a":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"b":{"_":{"b":{"df":0,"docs":{},"n":{"d":{".":{"c":{"df":1,"docs":{"41":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"h":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"2":{"d":{"_":{"df":0,"docs":{},"k":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{".":{"c":{"df":1,"docs":{"41":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"s":{"_":{"d":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{".":{"c":{"df":1,"docs":{"41":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":3,"docs":{"41":{"tf":1.7320508075688772},"42":{"tf":1.0},"44":{"tf":1.4142135623730951}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":4,"docs":{"11":{"tf":1.0},"14":{"tf":1.0},"42":{"tf":1.0},"8":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":1,"docs":{"34":{"tf":1.0}}}}},"l":{"df":1,"docs":{"9":{"tf":1.4142135623730951}},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":5,"docs":{"0":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.0},"24":{"tf":1.0},"34":{"tf":1.0}}}}}}}},"m":{"a":{"df":0,"docs":{},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"21":{"tf":1.0},"30":{"tf":1.0}}}}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"<":{"'":{"a":{"df":3,"docs":{"24":{"tf":1.4142135623730951},"30":{"tf":1.0},"31":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":5,"docs":{"24":{"tf":2.0},"25":{"tf":1.4142135623730951},"26":{"tf":1.7320508075688772},"30":{"tf":3.605551275463989},"31":{"tf":3.605551275463989}},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":19,"docs":{"12":{"tf":1.0},"23":{"tf":2.6457513110645907},"24":{"tf":2.23606797749979},"25":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.7320508075688772},"29":{"tf":3.1622776601683795},"30":{"tf":2.8284271247461903},"31":{"tf":2.449489742783178},"34":{"tf":1.0},"36":{"tf":1.0},"37":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":3.1622776601683795},"43":{"tf":1.7320508075688772},"44":{"tf":2.8284271247461903},"45":{"tf":2.6457513110645907},"7":{"tf":1.0}}}}}}},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"35":{"tf":1.0},"8":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"11":{"tf":1.4142135623730951},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":2,"docs":{"1":{"tf":1.0},"2":{"tf":1.0}}}},"s":{"df":1,"docs":{"41":{"tf":1.0}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"v":{"df":1,"docs":{"44":{"tf":1.7320508075688772}}}}}}},"n":{"a":{"c":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"5":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"c":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"d":{"df":8,"docs":{"0":{"tf":1.0},"14":{"tf":1.0},"20":{"tf":1.0},"26":{"tf":1.0},"31":{"tf":1.0},"43":{"tf":1.7320508075688772},"7":{"tf":1.0},"8":{"tf":2.0}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"36":{"tf":1.0}}},"df":0,"docs":{}}}},"x":{"df":4,"docs":{"34":{"tf":1.0},"42":{"tf":1.4142135623730951},"45":{"tf":1.0},"8":{"tf":1.0}}}},"i":{"c":{"df":2,"docs":{"39":{"tf":1.0},"4":{"tf":1.0}}},"df":0,"docs":{},"v":{"df":0,"docs":{},"i":{"d":{"df":0,"docs":{},"u":{"df":1,"docs":{"27":{"tf":1.0}}}},"df":0,"docs":{}}}},"u":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"1":{"tf":1.0}}}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"3":{"tf":1.0}}},"df":0,"docs":{}}}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":3,"docs":{"1":{"tf":1.0},"36":{"tf":1.0},"5":{"tf":1.4142135623730951}}}}}},"i":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{},"|":{"_":{"df":0,"docs":{},"p":{"df":7,"docs":{"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":2,"docs":{"20":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951}}}}}},"df":5,"docs":{"13":{"tf":1.4142135623730951},"23":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"34":{"tf":1.4142135623730951}},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":3,"docs":{"35":{"tf":1.4142135623730951},"36":{"tf":2.23606797749979},"39":{"tf":1.0}}}}}},"df":13,"docs":{"1":{"tf":1.4142135623730951},"11":{"tf":1.0},"13":{"tf":2.449489742783178},"2":{"tf":2.0},"20":{"tf":1.4142135623730951},"25":{"tf":1.4142135623730951},"29":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.7320508075688772},"38":{"tf":2.449489742783178},"6":{"tf":1.4142135623730951},"7":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"34":{"tf":1.0},"41":{"tf":1.7320508075688772},"6":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"33":{"tf":1.0}}},"n":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"a":{"d":{"df":5,"docs":{"0":{"tf":1.0},"15":{"tf":1.0},"34":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"g":{"df":0,"docs":{},"r":{"df":4,"docs":{"1":{"tf":1.0},"38":{"tf":1.0},"5":{"tf":2.0},"7":{"tf":1.0}}}},"r":{"a":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}}},"n":{"df":5,"docs":{"21":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":1.0},"5":{"tf":1.7320508075688772}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"21":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":1,"docs":{"39":{"tf":1.4142135623730951}}}}},"v":{"df":1,"docs":{"6":{"tf":1.0}}}}},"r":{"a":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"u":{"c":{"df":6,"docs":{"0":{"tf":1.0},"2":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}},"t":{"df":1,"docs":{"5":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}}}}},"v":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":5,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"3":{"tf":1.7320508075688772},"5":{"tf":1.0},"8":{"tf":1.0}}}}}}},"r":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":1,"docs":{"9":{"tf":2.449489742783178}}},"t":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"34":{"tf":1.0},"6":{"tf":1.0}}}}}}}},"j":{"_":{"df":0,"docs":{},"p":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}},"{":{"df":0,"docs":{},"y":{"_":{"0":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"a":{"c":{"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":1,"docs":{"24":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"n":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.0}}}}},"df":0,"docs":{}}}}}}}}},"df":8,"docs":{"13":{"tf":1.0},"15":{"tf":1.4142135623730951},"20":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.4142135623730951},"34":{"tf":3.7416573867739413},"42":{"tf":3.0},"44":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":2,"docs":{"20":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951}},"i":{"df":0,"docs":{},"t":{"df":3,"docs":{"33":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.0}}}}},"k":{"/":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}},"^":{"2":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{}},"_":{"1":{"df":1,"docs":{"1":{"tf":1.7320508075688772}}},"2":{"df":1,"docs":{"1":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":6,"docs":{"1":{"tf":1.4142135623730951},"13":{"tf":1.0},"20":{"tf":1.4142135623730951},"33":{"tf":2.449489742783178},"4":{"tf":1.7320508075688772},"6":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}},"r":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"'":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}},"l":{"df":0,"docs":{},"u":{"df":2,"docs":{"41":{"tf":2.23606797749979},"42":{"tf":1.0}}}},"n":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":2,"docs":{"1":{"tf":1.4142135623730951},"17":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"t":{"df":0,"docs":{},"t":{"a":{"df":1,"docs":{"35":{"tf":1.0}}},"df":0,"docs":{}}}}},"l":{"a":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"40":{"tf":1.0}}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"g":{"df":7,"docs":{"10":{"tf":1.0},"12":{"tf":1.4142135623730951},"2":{"tf":1.0},"32":{"tf":1.7320508075688772},"42":{"tf":1.0},"45":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"g":{"df":3,"docs":{"10":{"tf":1.0},"34":{"tf":1.0},"44":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"44":{"tf":1.7320508075688772},"45":{"tf":1.4142135623730951}}}}}},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"17":{"tf":1.0}}}},"w":{"df":2,"docs":{"8":{"tf":1.0},"9":{"tf":1.4142135623730951}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"40":{"tf":1.0}}},"df":0,"docs":{}}}}},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{":":{":":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":1,"docs":{"9":{"tf":2.0}},"e":{"a":{"d":{"df":1,"docs":{"14":{"tf":1.0}}},"df":0,"docs":{},"v":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"t":{"df":2,"docs":{"1":{"tf":1.0},"6":{"tf":2.0}}}},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"39":{"tf":1.0}}}},"t":{"'":{"df":2,"docs":{"2":{"tf":1.0},"6":{"tf":1.0}}},"df":8,"docs":{"1":{"tf":1.0},"2":{"tf":1.0},"21":{"tf":1.0},"30":{"tf":1.0},"34":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":5,"docs":{"12":{"tf":1.0},"32":{"tf":1.0},"38":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0}}}}}},"i":{"b":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":6,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.7320508075688772},"42":{"tf":1.4142135623730951},"44":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"29":{"tf":1.0}}}}}}},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":2,"docs":{"29":{"tf":1.0},"39":{"tf":1.0}}}}}}}}}}},"n":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":8,"docs":{"23":{"tf":1.4142135623730951},"24":{"tf":1.7320508075688772},"26":{"tf":1.7320508075688772},"35":{"tf":1.4142135623730951},"41":{"tf":2.449489742783178},"42":{"tf":1.7320508075688772},"44":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951}},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}},"o":{"df":0,"docs":{},"p":{"df":5,"docs":{"23":{"tf":1.0},"26":{"tf":1.7320508075688772},"29":{"tf":1.4142135623730951},"30":{"tf":1.7320508075688772},"31":{"tf":2.0}}}}}},"df":0,"docs":{}},"k":{"df":1,"docs":{"42":{"tf":1.0}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"40":{"tf":1.0}}}}}}}}},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"m":{"df":2,"docs":{"12":{"tf":1.4142135623730951},"33":{"tf":1.7320508075688772}},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"33":{"tf":1.0}}}}},"df":0,"docs":{}}}}}},"o":{"df":0,"docs":{},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":6,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"20":{"tf":1.7320508075688772},"24":{"tf":1.0},"34":{"tf":1.0}}}}}},"o":{"df":0,"docs":{},"k":{"df":4,"docs":{"1":{"tf":1.0},"3":{"tf":1.4142135623730951},"5":{"tf":1.0},"8":{"tf":1.0}}},"p":{"df":5,"docs":{"18":{"tf":1.0},"2":{"tf":1.0},"39":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"t":{"df":0,"docs":{},"k":{"a":{"df":1,"docs":{"2":{"tf":1.7320508075688772}}},"df":0,"docs":{}}},"w":{"df":2,"docs":{"0":{"tf":1.0},"9":{"tf":1.4142135623730951}}}},"r":{"c":{"df":2,"docs":{"0":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"s":{"df":12,"docs":{"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951},"33":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"u":{"df":2,"docs":{"35":{"tf":1.7320508075688772},"41":{"tf":1.0}}}},"m":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"v":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"p":{"df":1,"docs":{"15":{"tf":1.0}}},"t":{"df":3,"docs":{"11":{"tf":1.4142135623730951},"14":{"tf":1.0},"15":{"tf":1.4142135623730951}}}},":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"1":{"df":1,"docs":{"26":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"9":{"tf":1.0}}}},"a":{"d":{"df":0,"docs":{},"e":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":26,"docs":{"12":{"tf":1.0},"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"24":{"tf":1.7320508075688772},"25":{"tf":1.0},"26":{"tf":1.0},"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"33":{"tf":1.7320508075688772},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"42":{"tf":1.4142135623730951},"45":{"tf":1.0},"6":{"tf":1.4142135623730951},"7":{"tf":1.0},"9":{"tf":1.0}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"5":{"tf":1.0},"6":{"tf":1.0}}}}},"df":0,"docs":{}}}},"k":{"df":0,"docs":{},"e":{"df":5,"docs":{"0":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.0},"42":{"tf":1.0},"7":{"tf":1.0}}}},"n":{"df":0,"docs":{},"i":{"df":6,"docs":{"1":{"tf":1.0},"19":{"tf":1.0},"29":{"tf":1.0},"3":{"tf":1.0},"5":{"tf":1.4142135623730951},"8":{"tf":1.0}}},"u":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"34":{"tf":1.0},"35":{"tf":2.0},"36":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":15,"docs":{"0":{"tf":2.23606797749979},"11":{"tf":1.0},"14":{"tf":3.0},"15":{"tf":2.6457513110645907},"23":{"tf":1.0},"26":{"tf":2.23606797749979},"29":{"tf":1.0},"3":{"tf":2.449489742783178},"30":{"tf":1.0},"31":{"tf":1.0},"35":{"tf":1.0},"4":{"tf":3.7416573867739413},"42":{"tf":2.0},"8":{"tf":2.23606797749979},"9":{"tf":2.0}}}},"t":{"c":{"df":0,"docs":{},"h":{"df":5,"docs":{"18":{"tf":1.0},"39":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"f":{"df":1,"docs":{"8":{"tf":1.4142135623730951}},"}":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":7,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"7":{"tf":1.4142135623730951},"8":{"tf":2.0},"9":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"g":{"df":1,"docs":{"8":{"tf":1.0}},"}":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"8":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"i":{"df":9,"docs":{"1":{"tf":1.4142135623730951},"15":{"tf":1.7320508075688772},"2":{"tf":1.0},"3":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0},"9":{"tf":1.0}}},"m":{"df":1,"docs":{"8":{"tf":1.0}}},"p":{"df":1,"docs":{"15":{"tf":2.0}}},"v":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}},"y":{"df":0,"docs":{},"}":{"(":{"0":{"df":5,"docs":{"1":{"tf":1.0},"2":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":2,"docs":{"5":{"tf":1.0},"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"i":{"c":{"df":6,"docs":{"14":{"tf":1.0},"24":{"tf":1.0},"35":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.7320508075688772},"44":{"tf":1.0}}},"df":0,"docs":{},"x":{"df":13,"docs":{"0":{"tf":1.7320508075688772},"11":{"tf":1.4142135623730951},"13":{"tf":2.449489742783178},"14":{"tf":2.8284271247461903},"15":{"tf":2.6457513110645907},"26":{"tf":1.4142135623730951},"29":{"tf":1.0},"34":{"tf":3.872983346207417},"41":{"tf":2.449489742783178},"42":{"tf":2.6457513110645907},"44":{"tf":1.0},"8":{"tf":3.0},"9":{"tf":2.0}}}}}}},"df":24,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"24":{"tf":2.449489742783178},"25":{"tf":1.7320508075688772},"26":{"tf":2.0},"29":{"tf":1.0},"30":{"tf":3.605551275463989},"31":{"tf":3.605551275463989},"33":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":2.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0},"9":{"tf":2.449489742783178}},"e":{"d":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}},"df":0,"docs":{},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"44":{"tf":1.0}}}}}},"df":0,"docs":{},"t":{"a":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"0":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":2,"docs":{"16":{"tf":1.0},"5":{"tf":1.0}},"h":{"df":0,"docs":{},"o":{"d":{"df":17,"docs":{"13":{"tf":2.23606797749979},"17":{"tf":1.0},"18":{"tf":1.4142135623730951},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"22":{"tf":1.0},"23":{"tf":1.0},"29":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":2.23606797749979},"37":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":2.6457513110645907},"42":{"tf":1.4142135623730951},"44":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"42":{"tf":1.0},"45":{"tf":1.0}},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}}}}}},"l":{"/":{"df":0,"docs":{},"h":{"df":1,"docs":{"6":{"tf":2.0}}}},"df":1,"docs":{"6":{"tf":2.0}}},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"!":{"(":{"\"":{"df":0,"docs":{},"y":{"0":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{},"l":{"df":14,"docs":{"0":{"tf":3.7416573867739413},"1":{"tf":1.4142135623730951},"10":{"tf":1.0},"2":{"tf":3.3166247903554},"26":{"tf":1.0},"3":{"tf":1.0},"4":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951},"43":{"tf":1.0},"5":{"tf":2.8284271247461903},"6":{"tf":4.123105625617661},"7":{"tf":1.4142135623730951},"8":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"i":{"df":0,"docs":{},"f":{"df":1,"docs":{"42":{"tf":1.0}}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":10,"docs":{"1":{"tf":1.0},"10":{"tf":1.7320508075688772},"12":{"tf":1.4142135623730951},"17":{"tf":1.0},"24":{"tf":1.0},"32":{"tf":1.0},"34":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.7320508075688772},"8":{"tf":1.0}}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":4,"docs":{"0":{"tf":1.0},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"7":{"tf":1.0}}}}}}},"u":{"c":{"df":0,"docs":{},"h":{"df":1,"docs":{"45":{"tf":1.0}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":3,"docs":{"42":{"tf":1.0},"44":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":7,"docs":{"13":{"tf":1.0},"15":{"tf":1.4142135623730951},"20":{"tf":1.4142135623730951},"24":{"tf":1.4142135623730951},"34":{"tf":1.0},"42":{"tf":1.0},"8":{"tf":1.0}}}}}}}},"t":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"36":{"tf":1.0}}}},"df":0,"docs":{}},"df":16,"docs":{"18":{"tf":1.0},"2":{"tf":2.23606797749979},"21":{"tf":1.4142135623730951},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.23606797749979},"31":{"tf":2.23606797749979},"33":{"tf":1.0},"36":{"tf":1.4142135623730951},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.4142135623730951},"6":{"tf":2.23606797749979},"7":{"tf":2.449489742783178},"9":{"tf":1.4142135623730951}}}},"y":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"<":{"'":{"_":{"df":2,"docs":{"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"29":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"25":{"tf":1.7320508075688772},"30":{"tf":1.0},"31":{"tf":1.4142135623730951}}}}}},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"<":{"'":{"_":{"df":2,"docs":{"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"29":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":2,"docs":{"26":{"tf":2.0},"31":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"<":{"'":{"_":{"df":2,"docs":{"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"29":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"31":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":3,"docs":{"24":{"tf":3.3166247903554},"30":{"tf":3.0},"31":{"tf":2.8284271247461903}}}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"h":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.4142135623730951}},"s":{"<":{"'":{"_":{"df":2,"docs":{"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"29":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"<":{"'":{"_":{"df":2,"docs":{"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"29":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"31":{"tf":1.0}}}}}}}},"n":{"^":{"2":{"df":1,"docs":{"41":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"r":{"a":{":":{":":{"d":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":18,"docs":{"13":{"tf":1.7320508075688772},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"33":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":4,"docs":{"13":{"tf":1.0},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"v":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"1":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":3,"docs":{"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":4,"docs":{"13":{"tf":1.0},"24":{"tf":1.7320508075688772},"25":{"tf":1.0},"26":{"tf":1.0}}}},"df":9,"docs":{"13":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":1,"docs":{"15":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":3,"docs":{"13":{"tf":1.0},"35":{"tf":1.0},"41":{"tf":1.0}},"l":{"df":0,"docs":{},"u":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":6,"docs":{"18":{"tf":1.0},"21":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":6,"docs":{"18":{"tf":1.0},"21":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"m":{"df":0,"docs":{},"e":{"df":1,"docs":{"42":{"tf":1.0}}}},"n":{"df":1,"docs":{"34":{"tf":1.7320508075688772}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"40":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"r":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"26":{"tf":1.0}}}}}},"df":2,"docs":{"41":{"tf":1.7320508075688772},"43":{"tf":1.0}},"e":{"c":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"24":{"tf":1.0}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"14":{"tf":1.0}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"d":{"df":16,"docs":{"1":{"tf":1.0},"13":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.4142135623730951},"21":{"tf":1.0},"23":{"tf":2.23606797749979},"27":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":2.0},"34":{"tf":1.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"39":{"tf":1.4142135623730951},"42":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"g":{"df":1,"docs":{"4":{"tf":1.0}},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"w":{"_":{"df":0,"docs":{},"w":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"36":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}}}}},"df":13,"docs":{"1":{"tf":1.0},"13":{"tf":1.7320508075688772},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"3":{"tf":1.4142135623730951},"30":{"tf":1.0},"31":{"tf":1.0},"36":{"tf":1.0},"39":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0}}},"x":{"df":0,"docs":{},"t":{"df":5,"docs":{"1":{"tf":1.0},"24":{"tf":1.0},"3":{"tf":1.0},"5":{"tf":1.0},"8":{"tf":1.0}}}}},"g":{"df":1,"docs":{"6":{"tf":2.0}}},"o":{"d":{"df":0,"docs":{},"e":{"df":2,"docs":{"8":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"df":0,"docs":{},"n":{"df":5,"docs":{"14":{"tf":1.4142135623730951},"23":{"tf":1.0},"24":{"tf":1.7320508075688772},"35":{"tf":1.4142135623730951},"6":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":7,"docs":{"23":{"tf":1.0},"24":{"tf":1.7320508075688772},"25":{"tf":1.0},"29":{"tf":2.0},"30":{"tf":2.6457513110645907},"31":{"tf":2.8284271247461903},"34":{"tf":1.0}},"j":{"a":{"c":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"n":{"df":2,"docs":{"24":{"tf":1.7320508075688772},"34":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"r":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"21":{"tf":1.0},"5":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"e":{"df":4,"docs":{"29":{"tf":1.0},"34":{"tf":1.0},"36":{"tf":1.0},"39":{"tf":1.0}}}},"u":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":5,"docs":{"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.449489742783178},"31":{"tf":2.449489742783178}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"w":{"df":7,"docs":{"2":{"tf":1.0},"24":{"tf":1.0},"25":{"tf":1.0},"27":{"tf":1.0},"31":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0}}}},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":5,"docs":{"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.449489742783178},"31":{"tf":2.449489742783178}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":5,"docs":{"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.449489742783178},"31":{"tf":2.449489742783178}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"m":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":5,"docs":{"24":{"tf":1.0},"34":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":2.0},"42":{"tf":1.0}}}}},"df":0,"docs":{}}}},"o":{"b":{"df":0,"docs":{},"j":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"29":{"tf":1.0},"34":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"v":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"21":{"tf":1.0}}}}},"df":0,"docs":{}}},"c":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":4,"docs":{"0":{"tf":1.4142135623730951},"11":{"tf":1.0},"5":{"tf":2.0},"7":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}},"d":{"df":27,"docs":{"0":{"tf":4.47213595499958},"1":{"tf":4.123105625617661},"11":{"tf":2.0},"13":{"tf":2.23606797749979},"14":{"tf":1.0},"15":{"tf":1.0},"19":{"tf":1.0},"2":{"tf":2.6457513110645907},"20":{"tf":1.7320508075688772},"22":{"tf":1.0},"23":{"tf":1.0},"27":{"tf":1.7320508075688772},"28":{"tf":1.0},"29":{"tf":1.0},"3":{"tf":3.872983346207417},"30":{"tf":1.0},"31":{"tf":1.0},"38":{"tf":1.0},"4":{"tf":2.23606797749979},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"5":{"tf":3.0},"6":{"tf":2.0},"7":{"tf":2.23606797749979},"8":{"tf":2.8284271247461903},"9":{"tf":1.0}},"e":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"df":14,"docs":{"12":{"tf":1.7320508075688772},"13":{"tf":1.7320508075688772},"15":{"tf":1.0},"17":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"22":{"tf":1.0},"23":{"tf":1.4142135623730951},"31":{"tf":1.0},"33":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"m":{">":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{"(":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"p":{"(":{"[":{"1":{".":{"0":{"]":{")":{".":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{"(":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":16,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"31":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"<":{"'":{"_":{">":{">":{":":{":":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"h":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"a":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"28":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.0}}}}}}}}}}},"df":8,"docs":{"12":{"tf":1.0},"2":{"tf":1.0},"23":{"tf":1.0},"28":{"tf":1.7320508075688772},"29":{"tf":1.7320508075688772},"30":{"tf":2.23606797749979},"31":{"tf":1.7320508075688772},"34":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"d":{"df":10,"docs":{"2":{"tf":1.4142135623730951},"21":{"tf":1.7320508075688772},"33":{"tf":1.0},"37":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":2,"docs":{"35":{"tf":1.0},"36":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"t":{"df":4,"docs":{"21":{"tf":1.4142135623730951},"33":{"tf":1.0},"36":{"tf":1.4142135623730951},"39":{"tf":1.0}},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":4,"docs":{"18":{"tf":1.4142135623730951},"39":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}}}}}}}}}}},"df":0,"docs":{},"h":{"df":0,"docs":{},"m":{"'":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}}},"k":{"(":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{":":{":":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":4,"docs":{"18":{"tf":1.0},"39":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}}}}}}}}}},"df":0,"docs":{}}}}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"d":{"(":{"_":{"df":1,"docs":{"39":{"tf":1.0}}},"df":0,"docs":{},"t":{"df":2,"docs":{"18":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"t":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"c":{"df":0,"docs":{},"h":{"df":4,"docs":{"18":{"tf":1.0},"39":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}}}}}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"g":{"a":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}},"n":{"c":{"df":6,"docs":{"15":{"tf":1.0},"21":{"tf":1.0},"23":{"tf":1.0},"33":{"tf":1.0},"35":{"tf":1.0},"39":{"tf":1.0}}},"df":10,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"17":{"tf":1.4142135623730951},"25":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.0},"35":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.0}}},"p":{"df":7,"docs":{"23":{"tf":1.0},"24":{"tf":2.0},"25":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"30":{"tf":2.6457513110645907},"31":{"tf":2.6457513110645907}},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"23":{"tf":1.0},"34":{"tf":1.0}}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"4":{"tf":1.0}}}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"19":{"tf":1.0}}},"o":{"df":0,"docs":{},"n":{"<":{"<":{"df":0,"docs":{},"m":{"df":0,"docs":{},"y":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":2,"docs":{"30":{"tf":1.7320508075688772},"31":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":2,"docs":{"11":{"tf":1.7320508075688772},"13":{"tf":1.0}}}}}}},"r":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":9,"docs":{"0":{"tf":3.0},"1":{"tf":3.1622776601683795},"2":{"tf":2.0},"29":{"tf":1.4142135623730951},"3":{"tf":3.7416573867739413},"39":{"tf":1.0},"4":{"tf":1.7320508075688772},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772}}}},"i":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":4,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"32":{"tf":1.0},"8":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"g":{"a":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"41":{"tf":1.0}}}}}}},"s":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":6,"docs":{"23":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"42":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":6,"docs":{"11":{"tf":1.4142135623730951},"24":{"tf":1.0},"29":{"tf":1.0},"34":{"tf":1.4142135623730951},"38":{"tf":1.0},"42":{"tf":1.7320508075688772}}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"2":{"tf":1.4142135623730951},"38":{"tf":1.0},"5":{"tf":1.0}},"r":{"df":0,"docs":{},"i":{"d":{"df":1,"docs":{"39":{"tf":1.0}}},"df":0,"docs":{}}}}}}},"p":{"(":{"[":{"1":{".":{"0":{"df":1,"docs":{"33":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"!":{"[":{"1":{".":{"0":{"df":12,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"31":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"[":{"0":{"df":11,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"18":{"tf":1.4142135623730951},"20":{"tf":1.7320508075688772},"21":{"tf":2.449489742783178},"34":{"tf":2.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178}}},"1":{"df":11,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"18":{"tf":1.4142135623730951},"20":{"tf":2.23606797749979},"21":{"tf":3.1622776601683795},"34":{"tf":2.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178}}},"df":0,"docs":{}},"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"c":{"!":{"(":{"\"":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"39":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":2,"docs":{"18":{"tf":1.0},"39":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}}},"w":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":10,"docs":{"11":{"tf":1.0},"13":{"tf":2.0},"19":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"20":{"tf":1.4142135623730951},"21":{"tf":1.0},"29":{"tf":1.0},"33":{"tf":1.0},"41":{"tf":1.7320508075688772},"6":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{},"t":{"df":2,"docs":{"10":{"tf":1.0},"41":{"tf":2.0}},"i":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}}},"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":2,"docs":{"0":{"tf":1.0},"39":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"0":{"tf":1.0},"34":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"s":{"df":4,"docs":{"0":{"tf":1.0},"17":{"tf":1.0},"45":{"tf":1.0},"9":{"tf":1.4142135623730951}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"'":{"df":1,"docs":{"6":{"tf":1.0}}},"df":1,"docs":{"6":{"tf":1.0}}}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":1,"docs":{"34":{"tf":2.23606797749979}}}}}}}},"b":{"df":0,"docs":{},"p":{"df":0,"docs":{},"k":{"df":1,"docs":{"6":{"tf":1.0}}}}},"d":{"df":1,"docs":{"6":{"tf":1.4142135623730951}},"e":{"df":1,"docs":{"14":{"tf":1.0}}}},"df":18,"docs":{"11":{"tf":3.0},"13":{"tf":3.1622776601683795},"14":{"tf":1.0},"15":{"tf":1.7320508075688772},"17":{"tf":2.6457513110645907},"18":{"tf":1.4142135623730951},"2":{"tf":1.0},"20":{"tf":1.7320508075688772},"21":{"tf":2.449489742783178},"24":{"tf":1.4142135623730951},"29":{"tf":2.449489742783178},"30":{"tf":3.605551275463989},"31":{"tf":3.605551275463989},"34":{"tf":2.449489742783178},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178}},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":7,"docs":{"10":{"tf":1.0},"12":{"tf":1.0},"16":{"tf":1.0},"40":{"tf":1.0},"42":{"tf":1.4142135623730951},"43":{"tf":1.0},"44":{"tf":2.0}}}}}},"i":{"df":0,"docs":{},"p":{"df":0,"docs":{},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":2.23606797749979}}}}}}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"1":{"tf":1.0}}}}}},"h":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"a":{"c":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"y":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"k":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.7320508075688772}}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"2":{"tf":2.23606797749979}}}}},"df":0,"docs":{},"y":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"c":{"df":3,"docs":{"0":{"tf":1.4142135623730951},"3":{"tf":1.0},"8":{"tf":1.0}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}}},"i":{"df":0,"docs":{},"e":{"c":{"df":1,"docs":{"1":{"tf":1.0}}},"df":0,"docs":{}}},"k":{"df":1,"docs":{"6":{"tf":2.449489742783178}},"p":{"d":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}},"l":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":1,"docs":{"2":{"tf":2.0}}}},"s":{"df":0,"docs":{},"m":{"a":{"/":{"b":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{".":{"a":{"d":{"d":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}},"p":{"df":0,"docs":{},"h":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"e":{"d":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"q":{"_":{"c":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"v":{"df":1,"docs":{"7":{"tf":1.0}}},"x":{"_":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"_":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"r":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}},"df":0,"docs":{}}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}},"s":{"df":0,"docs":{},"p":{"df":1,"docs":{"4":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}},":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{")":{".":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"(":{"\"":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":6,"docs":{"2":{"tf":2.8284271247461903},"4":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"7":{"tf":1.4142135623730951},"9":{"tf":1.7320508075688772}},"l":{"df":0,"docs":{},"i":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"o":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":3,"docs":{"34":{"tf":1.0},"41":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951}}}}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"40":{"tf":1.0}}}},"df":3,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":2.6457513110645907},"2":{"tf":4.898979485566356}}}}},"r":{"df":0,"docs":{},"t":{"df":2,"docs":{"10":{"tf":1.0},"42":{"tf":1.0}}}},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":4,"docs":{"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951}}}},"s":{"df":0,"docs":{},"i":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"w":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"e":{"d":{"a":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":5.5677643628300215},"41":{"tf":1.0}},"o":{"df":0,"docs":{},"r":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"d":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"2":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"0":{"tf":1.0}}}},"df":0,"docs":{}}},"df":1,"docs":{"35":{"tf":1.4142135623730951}},"s":{"c":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"b":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":2,"docs":{"10":{"tf":1.0},"43":{"tf":1.0}}}}}},"v":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"y":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":5.0},"41":{"tf":1.0}}}},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"10":{"tf":1.0},"8":{"tf":1.0}}}}},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.0}},"f":{"df":1,"docs":{"42":{"tf":1.0}}},"l":{"df":0,"docs":{},"n":{"!":{"(":{"\"":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"18":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"34":{"tf":1.0}}}}}}},"o":{"b":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"45":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{".":{"b":{"d":{"df":0,"docs":{},"f":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"35":{"tf":1.0}},"s":{">":{"(":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":10,"docs":{"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951},"33":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":0,"docs":{},"s":{">":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"35":{"tf":1.0},"36":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"(":{")":{".":{"c":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"(":{"df":0,"docs":{},"t":{"0":{"df":1,"docs":{"34":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"r":{"df":0,"docs":{},"h":{"df":0,"docs":{},"s":{"(":{")":{".":{"df":0,"docs":{},"j":{"a":{"c":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"n":{"(":{"&":{"df":0,"docs":{},"y":{"0":{"df":1,"docs":{"34":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"p":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"3":{"4":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"t":{"0":{"df":1,"docs":{"34":{"tf":1.0}}},"df":0,"docs":{},"r":{"_":{"b":{"d":{"df":0,"docs":{},"f":{"2":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":0,"docs":{},"s":{">":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"35":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":43,"docs":{"1":{"tf":1.0},"10":{"tf":2.6457513110645907},"11":{"tf":1.0},"12":{"tf":2.0},"13":{"tf":2.8284271247461903},"14":{"tf":2.0},"15":{"tf":2.0},"16":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"18":{"tf":1.4142135623730951},"19":{"tf":1.7320508075688772},"2":{"tf":1.7320508075688772},"20":{"tf":2.449489742783178},"21":{"tf":2.8284271247461903},"22":{"tf":2.23606797749979},"23":{"tf":2.0},"24":{"tf":2.0},"25":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"27":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":1.4142135623730951},"30":{"tf":1.4142135623730951},"31":{"tf":2.449489742783178},"32":{"tf":2.0},"33":{"tf":2.0},"34":{"tf":3.0},"35":{"tf":2.0},"36":{"tf":1.4142135623730951},"37":{"tf":2.0},"38":{"tf":3.3166247903554},"39":{"tf":2.23606797749979},"4":{"tf":1.0},"41":{"tf":3.605551275463989},"42":{"tf":3.1622776601683795},"43":{"tf":1.4142135623730951},"44":{"tf":3.0},"45":{"tf":1.7320508075688772},"5":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.7320508075688772},"8":{"tf":1.0},"9":{"tf":1.0}}}}}},"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":5,"docs":{"1":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.0}}}}}},"d":{"df":0,"docs":{},"u":{"c":{"df":1,"docs":{"5":{"tf":1.0}},"t":{"df":2,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"34":{"tf":1.0}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":3,"docs":{"1":{"tf":1.0},"2":{"tf":2.0},"4":{"tf":1.0}}}}}},"t":{"df":0,"docs":{},"o":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}}},"df":0,"docs":{}}},"v":{"df":0,"docs":{},"i":{"d":{"df":16,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":1.0},"10":{"tf":1.0},"13":{"tf":1.0},"15":{"tf":1.4142135623730951},"20":{"tf":1.0},"22":{"tf":1.0},"36":{"tf":1.4142135623730951},"37":{"tf":1.0},"38":{"tf":1.7320508075688772},"41":{"tf":1.0},"42":{"tf":1.7320508075688772},"44":{"tf":1.0},"5":{"tf":1.7320508075688772},"6":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}}},"u":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":1,"docs":{"42":{"tf":1.0}}}}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":2,"docs":{"0":{"tf":1.0},"10":{"tf":1.0}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":3,"docs":{"29":{"tf":1.0},"32":{"tf":1.0},"8":{"tf":1.0}}}}}},"t":{"df":3,"docs":{"15":{"tf":1.0},"2":{"tf":1.0},"27":{"tf":1.0}}}},"y":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":3,"docs":{"12":{"tf":1.0},"32":{"tf":1.0},"45":{"tf":1.0}}}}}}}},"q":{"_":{"c":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"q":{"_":{"c":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"df":1,"docs":{"6":{"tf":2.0}}},"df":0,"docs":{},"p":{"1":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"q":{"_":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"1":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"{":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":2.8284271247461903}}},"df":0,"docs":{}}}},"c":{"df":1,"docs":{"6":{"tf":2.0}}},"df":1,"docs":{"6":{"tf":1.4142135623730951}},"p":{"1":{"df":1,"docs":{"6":{"tf":2.449489742783178}}},"df":0,"docs":{}},"u":{"a":{"d":{"df":1,"docs":{"6":{"tf":1.7320508075688772}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":1,"docs":{"19":{"tf":1.0}},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"t":{"df":1,"docs":{"6":{"tf":1.0}},"i":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}}}}}},"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"k":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"df":0,"docs":{},"t":{"df":2,"docs":{"25":{"tf":1.0},"44":{"tf":1.0}}}}}},"r":{"(":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":2.23606797749979}}},"t":{"df":1,"docs":{"11":{"tf":1.0}}}},"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":2,"docs":{"0":{"tf":1.0},"8":{"tf":1.0}}}},"t":{"df":0,"docs":{},"e":{"df":6,"docs":{"1":{"tf":2.6457513110645907},"13":{"tf":1.0},"2":{"tf":3.1622776601683795},"6":{"tf":2.0},"8":{"tf":1.0},"9":{"tf":1.0}}},"i":{"df":0,"docs":{},"o":{"df":1,"docs":{"7":{"tf":1.0}}}}}},"df":10,"docs":{"12":{"tf":1.0},"13":{"tf":1.7320508075688772},"15":{"tf":1.7320508075688772},"17":{"tf":1.0},"20":{"tf":2.23606797749979},"24":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":2.449489742783178},"45":{"tf":1.0},"9":{"tf":2.449489742783178}},"e":{"a":{"c":{"df":0,"docs":{},"h":{"df":3,"docs":{"21":{"tf":1.0},"44":{"tf":1.0},"7":{"tf":1.0}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"18":{"tf":1.0}}}}}},"c":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"20":{"tf":1.0},"8":{"tf":1.0}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"12":{"tf":1.0}}},"df":0,"docs":{}}}}}}},"d":{"df":0,"docs":{},"u":{"c":{"df":1,"docs":{"8":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":1,"docs":{"39":{"tf":1.0}},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":4,"docs":{"29":{"tf":1.0},"36":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0}}}},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"5":{"tf":1.0}}}},"df":0,"docs":{}}},"r":{"a":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}},"g":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"l":{"a":{"df":0,"docs":{},"t":{"df":2,"docs":{"6":{"tf":1.0},"8":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"df":1,"docs":{"8":{"tf":1.0}}}}}}}}}}},"df":4,"docs":{"13":{"tf":1.4142135623730951},"32":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":1.0}}},"m":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"v":{"df":1,"docs":{"42":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}},"e":{"d":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"34":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":6,"docs":{"13":{"tf":1.0},"2":{"tf":2.23606797749979},"32":{"tf":1.0},"34":{"tf":1.0},"42":{"tf":1.0},"5":{"tf":1.0}}}},"o":{"d":{"df":0,"docs":{},"u":{"c":{"df":1,"docs":{"2":{"tf":1.4142135623730951}},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"q":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":6,"docs":{"1":{"tf":1.0},"15":{"tf":1.0},"29":{"tf":1.0},"44":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"i":{"d":{"df":0,"docs":{},"u":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":2.6457513110645907}}}}}}},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":9,"docs":{"1":{"tf":1.0},"13":{"tf":1.0},"19":{"tf":1.0},"20":{"tf":2.0},"3":{"tf":1.4142135623730951},"36":{"tf":1.0},"38":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}},"t":{"df":1,"docs":{"42":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":2.0}}}}}}},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":3,"docs":{"39":{"tf":1.0},"43":{"tf":2.0},"5":{"tf":1.0}}}}}},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":6,"docs":{"18":{"tf":1.4142135623730951},"21":{"tf":1.0},"29":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":2.23606797749979},"39":{"tf":2.0}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"7":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":1,"docs":{"10":{"tf":1.0}}}}}},"w":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"3":{"tf":1.0},"7":{"tf":1.0}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"3":{"tf":1.0}}}}}}}}}},"h":{"df":7,"docs":{"23":{"tf":1.0},"24":{"tf":2.23606797749979},"25":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"34":{"tf":1.0},"42":{"tf":1.4142135623730951}},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":9,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}}}},"df":0,"docs":{}}}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"20":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":7,"docs":{"11":{"tf":1.0},"15":{"tf":1.0},"20":{"tf":1.4142135623730951},"22":{"tf":1.0},"29":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":2.0}}}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"7":{"tf":1.0}}}}},"o":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"_":{"df":0,"docs":{},"o":{"d":{"df":3,"docs":{"41":{"tf":1.0},"42":{"tf":1.4142135623730951},"44":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":4,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.7320508075688772},"44":{"tf":1.0},"45":{"tf":1.0}}}}}}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}},"df":0,"docs":{},"|":{"df":0,"docs":{},"x":{"df":2,"docs":{"17":{"tf":1.0},"18":{"tf":1.0}}}}},"df":10,"docs":{"11":{"tf":1.4142135623730951},"16":{"tf":2.0},"17":{"tf":3.1622776601683795},"18":{"tf":2.0},"23":{"tf":1.0},"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"5":{"tf":1.0},"7":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"(":{"1":{"df":5,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":1,"docs":{"13":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":1,"docs":{"35":{"tf":1.0}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"t":{"df":7,"docs":{"10":{"tf":1.7320508075688772},"12":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951},"42":{"tf":2.0},"43":{"tf":1.0},"45":{"tf":2.449489742783178}}}}},"v":{"df":1,"docs":{"13":{"tf":1.0}}}},"s":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":9,"docs":{"1":{"tf":1.4142135623730951},"29":{"tf":1.0},"36":{"tf":1.0},"41":{"tf":1.7320508075688772},"42":{"tf":2.0},"43":{"tf":1.0},"44":{"tf":1.4142135623730951},"45":{"tf":1.0},"9":{"tf":1.0}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":3,"docs":{"36":{"tf":1.0},"39":{"tf":1.0},"8":{"tf":1.0}}}}}}},"v":{"df":0,"docs":{},"e":{"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":1.0}}}}},"c":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":1,"docs":{"7":{"tf":1.0}}}},"t":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"t":{".":{"c":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":2,"docs":{"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":1,"docs":{"7":{"tf":1.0}},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"2":{"tf":1.0},"6":{"tf":1.0}},"e":{".":{"c":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":3,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":2,"docs":{"35":{"tf":1.7320508075688772},"36":{"tf":1.0}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"35":{"tf":1.0}},"e":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"_":{"df":0,"docs":{},"w":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}},"df":1,"docs":{"21":{"tf":1.0}},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"d":{"df":6,"docs":{"1":{"tf":1.0},"2":{"tf":1.0},"3":{"tf":2.23606797749979},"39":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0}}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":9,"docs":{"0":{"tf":1.7320508075688772},"1":{"tf":1.0},"19":{"tf":1.0},"3":{"tf":1.0},"32":{"tf":1.0},"34":{"tf":1.4142135623730951},"42":{"tf":1.0},"5":{"tf":1.4142135623730951},"8":{"tf":1.0}}}}}}},"df":0,"docs":{},"e":{"df":6,"docs":{"13":{"tf":1.0},"2":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0}},"n":{"df":3,"docs":{"44":{"tf":1.0},"45":{"tf":1.0},"8":{"tf":1.0}}}},"l":{"df":0,"docs":{},"f":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"26":{"tf":1.0}}}}},"df":0,"docs":{}},"p":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"y":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"(":{"df":0,"docs":{},"p":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":2,"docs":{"30":{"tf":2.23606797749979},"31":{"tf":2.23606797749979}}}},"df":4,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}}},"m":{"df":0,"docs":{},"i":{"df":1,"docs":{"8":{"tf":1.7320508075688772}}}},"n":{"df":0,"docs":{},"s":{"_":{"a":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"21":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}}},"t":{"_":{"df":0,"docs":{},"o":{"df":1,"docs":{"21":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":4,"docs":{"19":{"tf":2.23606797749979},"20":{"tf":2.449489742783178},"21":{"tf":2.8284271247461903},"38":{"tf":1.4142135623730951}}}}}},"p":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"i":{"df":3,"docs":{"0":{"tf":1.0},"32":{"tf":1.0},"9":{"tf":1.0}}}},"t":{"_":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"39":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}},"df":13,"docs":{"0":{"tf":1.0},"1":{"tf":1.7320508075688772},"13":{"tf":1.4142135623730951},"15":{"tf":1.0},"16":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"35":{"tf":2.0},"36":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}},"u":{"df":0,"docs":{},"p":{"df":2,"docs":{"36":{"tf":1.0},"43":{"tf":1.0}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"2":{"tf":1.0},"41":{"tf":1.0}}}}}},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":3,"docs":{"2":{"tf":1.0},"38":{"tf":1.0},"8":{"tf":1.0}},"n":{"df":2,"docs":{"1":{"tf":1.0},"6":{"tf":1.0}}}}}},"i":{"d":{"df":0,"docs":{},"e":{"df":7,"docs":{"11":{"tf":1.0},"15":{"tf":1.0},"20":{"tf":1.4142135623730951},"22":{"tf":1.0},"29":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0}}}},"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":1,"docs":{"4":{"tf":1.0}},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"c":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"44":{"tf":1.0}}}}}}},"df":2,"docs":{"29":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}}}}}},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":5,"docs":{"12":{"tf":1.0},"2":{"tf":1.0},"25":{"tf":1.0},"40":{"tf":1.0},"44":{"tf":1.0}}}},"df":0,"docs":{}}},"p":{"df":0,"docs":{},"l":{"df":8,"docs":{"0":{"tf":2.0},"2":{"tf":1.0},"3":{"tf":1.0},"32":{"tf":1.0},"38":{"tf":1.0},"45":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"13":{"tf":1.0},"2":{"tf":1.0}}}}},"i":{"c":{"df":1,"docs":{"34":{"tf":1.0}}},"df":0,"docs":{},"f":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"29":{"tf":1.0}}}}},"n":{"(":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"g":{"a":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}}},"df":0,"docs":{},"g":{"df":0,"docs":{},"l":{"df":1,"docs":{"39":{"tf":1.0}},"i":{"df":1,"docs":{"35":{"tf":1.0}}}},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":2,"docs":{"14":{"tf":1.7320508075688772},"35":{"tf":1.0}}}},"df":0,"docs":{}}}},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"i":{"d":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}}}}}},"z":{"df":0,"docs":{},"e":{"df":7,"docs":{"13":{"tf":1.0},"36":{"tf":1.0},"39":{"tf":1.4142135623730951},"41":{"tf":2.0},"43":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"42":{"tf":1.4142135623730951},"44":{"tf":1.0}}}}}}}},"o":{"df":0,"docs":{},"w":{"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":0,"docs":{},"n":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"12":{"tf":1.0},"43":{"tf":1.0},"44":{"tf":1.7320508075688772}}}},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"44":{"tf":1.0}}}}}}},"m":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":3,"docs":{"39":{"tf":1.0},"44":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951}},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"44":{"tf":1.0}}}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":6,"docs":{"1":{"tf":1.0},"15":{"tf":1.0},"19":{"tf":1.4142135623730951},"20":{"tf":1.0},"38":{"tf":2.23606797749979},"39":{"tf":3.1622776601683795}}}},"v":{"df":24,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":2.0},"10":{"tf":1.0},"11":{"tf":1.0},"13":{"tf":1.4142135623730951},"18":{"tf":1.7320508075688772},"2":{"tf":1.4142135623730951},"21":{"tf":2.23606797749979},"3":{"tf":1.0},"32":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0},"37":{"tf":2.0},"38":{"tf":3.4641016151377544},"39":{"tf":1.0},"4":{"tf":1.0},"41":{"tf":2.0},"42":{"tf":1.0},"43":{"tf":1.4142135623730951},"5":{"tf":1.7320508075688772},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.0}},"e":{"_":{"a":{"d":{"df":0,"docs":{},"j":{"df":0,"docs":{},"o":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"38":{"tf":1.0}}}}}}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":1,"docs":{"38":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}},"df":0,"docs":{},"r":{"'":{"df":1,"docs":{"36":{"tf":1.0}}},".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"t":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"o":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"39":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"(":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"o":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"21":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"1":{"0":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"39":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"t":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"(":{"1":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"38":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"4":{"0":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"t":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"33":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"_":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"38":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":1,"docs":{"21":{"tf":1.0}},"i":{"df":2,"docs":{"18":{"tf":1.0},"39":{"tf":1.0}}},"t":{"df":2,"docs":{"21":{"tf":1.4142135623730951},"39":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"d":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}},"y":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"y":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"(":{"&":{"df":0,"docs":{},"i":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"[":{"0":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"(":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"21":{"tf":1.4142135623730951},"39":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":4,"docs":{"18":{"tf":1.0},"39":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0}}}}}}},"df":22,"docs":{"1":{"tf":1.4142135623730951},"16":{"tf":1.0},"17":{"tf":1.7320508075688772},"18":{"tf":1.7320508075688772},"2":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951},"33":{"tf":1.0},"35":{"tf":5.196152422706632},"36":{"tf":2.6457513110645907},"37":{"tf":1.0},"38":{"tf":1.7320508075688772},"39":{"tf":3.4641016151377544},"4":{"tf":1.0},"40":{"tf":1.4142135623730951},"41":{"tf":3.0},"42":{"tf":2.8284271247461903},"44":{"tf":2.449489742783178},"45":{"tf":1.4142135623730951},"5":{"tf":2.23606797749979},"6":{"tf":1.4142135623730951},"7":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}}},"m":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"y":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}}}}}}}},"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"1":{"tf":1.0},"10":{"tf":1.0}}}}}}},"u":{"df":0,"docs":{},"r":{"c":{"df":1,"docs":{"9":{"tf":2.0}}},"df":0,"docs":{}}}},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":7,"docs":{"13":{"tf":1.4142135623730951},"32":{"tf":1.0},"34":{"tf":3.0},"35":{"tf":1.0},"41":{"tf":2.23606797749979},"42":{"tf":1.7320508075688772},"44":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"34":{"tf":2.23606797749979}}}}}}},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"i":{"df":2,"docs":{"2":{"tf":2.6457513110645907},"41":{"tf":1.0}},"f":{"df":9,"docs":{"0":{"tf":1.4142135623730951},"12":{"tf":1.0},"13":{"tf":1.0},"2":{"tf":1.0},"32":{"tf":1.4142135623730951},"39":{"tf":1.4142135623730951},"5":{"tf":2.23606797749979},"6":{"tf":1.4142135623730951},"8":{"tf":1.0}},"i":{"df":33,"docs":{"10":{"tf":2.6457513110645907},"11":{"tf":2.0},"12":{"tf":2.0},"13":{"tf":2.23606797749979},"14":{"tf":1.0},"15":{"tf":1.4142135623730951},"16":{"tf":1.0},"17":{"tf":2.0},"18":{"tf":1.0},"19":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":2.0},"21":{"tf":1.4142135623730951},"22":{"tf":1.4142135623730951},"23":{"tf":1.4142135623730951},"24":{"tf":2.0},"25":{"tf":1.4142135623730951},"26":{"tf":1.0},"27":{"tf":1.7320508075688772},"28":{"tf":1.4142135623730951},"29":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.0},"32":{"tf":2.0},"33":{"tf":1.7320508075688772},"34":{"tf":2.449489742783178},"35":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":2.0},"6":{"tf":2.0},"7":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{},"e":{"d":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":3,"docs":{"0":{"tf":1.4142135623730951},"3":{"tf":1.0},"4":{"tf":2.8284271247461903}}}}}}},"t":{"a":{"df":0,"docs":{},"n":{"d":{"a":{"df":0,"docs":{},"r":{"d":{"df":3,"docs":{"1":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"t":{"df":4,"docs":{"1":{"tf":1.0},"2":{"tf":1.0},"34":{"tf":1.0},"44":{"tf":1.0}}}},"t":{"df":0,"docs":{},"e":{".":{"a":{"df":0,"docs":{},"s":{"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"36":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":15,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":3.0},"11":{"tf":1.7320508075688772},"13":{"tf":2.0},"20":{"tf":1.7320508075688772},"24":{"tf":1.0},"3":{"tf":1.4142135623730951},"35":{"tf":2.8284271247461903},"36":{"tf":3.4641016151377544},"38":{"tf":2.449489742783178},"39":{"tf":1.7320508075688772},"5":{"tf":2.23606797749979},"6":{"tf":1.0},"7":{"tf":2.0},"8":{"tf":2.0}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":1,"docs":{"36":{"tf":1.0}},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"36":{"tf":1.0}}}}}}}}}}},"d":{":":{":":{"df":0,"docs":{},"f":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":6,"docs":{"13":{"tf":1.0},"18":{"tf":1.4142135623730951},"21":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"39":{"tf":4.0},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":3,"docs":{"35":{"tf":1.0},"41":{"tf":1.0},"44":{"tf":1.0}}}},"l":{"df":0,"docs":{},"l":{"df":1,"docs":{"12":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"p":{"df":6,"docs":{"16":{"tf":1.0},"17":{"tf":1.7320508075688772},"18":{"tf":1.4142135623730951},"39":{"tf":2.0},"5":{"tf":1.0},"7":{"tf":1.4142135623730951}}},"r":{"df":0,"docs":{},"e":{"df":2,"docs":{"26":{"tf":1.0},"29":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":1,"docs":{"45":{"tf":1.0}}}}},"u":{"c":{"df":0,"docs":{},"t":{"df":20,"docs":{"12":{"tf":1.7320508075688772},"13":{"tf":1.7320508075688772},"15":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.0},"22":{"tf":2.23606797749979},"23":{"tf":2.23606797749979},"24":{"tf":3.3166247903554},"25":{"tf":1.4142135623730951},"26":{"tf":1.7320508075688772},"27":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":3.7416573867739413},"30":{"tf":3.0},"31":{"tf":3.0},"33":{"tf":2.23606797749979},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":2.23606797749979},"39":{"tf":1.4142135623730951}},"u":{"df":0,"docs":{},"r":{"df":3,"docs":{"12":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"u":{"b":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"c":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"18":{"tf":1.0},"39":{"tf":1.0}}}}}},"df":0,"docs":{},"h":{"df":8,"docs":{"0":{"tf":1.0},"14":{"tf":1.0},"17":{"tf":1.0},"19":{"tf":1.0},"2":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0}}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"i":{"df":0,"docs":{},"t":{"a":{"b":{"df":0,"docs":{},"l":{"df":2,"docs":{"22":{"tf":1.0},"35":{"tf":1.0}}}},"df":0,"docs":{}},"df":1,"docs":{"40":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"41":{"tf":1.0}}}}},"df":0,"docs":{}}}}}},"m":{"df":1,"docs":{"9":{"tf":1.0}}},"n":{"d":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":6,"docs":{"40":{"tf":1.0},"41":{"tf":2.8284271247461903},"42":{"tf":3.0},"43":{"tf":1.4142135623730951},"44":{"tf":2.449489742783178},"45":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"_":{"b":{"a":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"41":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":1,"docs":{"41":{"tf":1.0}}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"41":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"df":1,"docs":{"7":{"tf":1.0}}}}},"y":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"x":{"df":2,"docs":{"2":{"tf":1.0},"32":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"'":{"df":1,"docs":{"0":{"tf":1.0}}},".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"4":{"tf":1.0}}}}}}},"df":23,"docs":{"0":{"tf":3.4641016151377544},"1":{"tf":3.0},"15":{"tf":1.4142135623730951},"2":{"tf":2.8284271247461903},"23":{"tf":1.4142135623730951},"27":{"tf":2.0},"28":{"tf":1.4142135623730951},"29":{"tf":1.0},"3":{"tf":2.449489742783178},"30":{"tf":1.4142135623730951},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"34":{"tf":2.0},"4":{"tf":3.0},"41":{"tf":1.0},"42":{"tf":1.4142135623730951},"44":{"tf":2.0},"45":{"tf":1.0},"5":{"tf":3.0},"6":{"tf":2.23606797749979},"7":{"tf":1.7320508075688772},"8":{"tf":2.0},"9":{"tf":2.0}}}}}}}},"t":{".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"0":{".":{"0":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"0":{"(":{"0":{".":{"0":{"df":4,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"34":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":2,"docs":{"13":{"tf":1.0},"34":{"tf":1.4142135623730951}}},"_":{"0":{"df":1,"docs":{"11":{"tf":1.0}}},"df":0,"docs":{},"o":{"df":2,"docs":{"21":{"tf":2.8284271247461903},"39":{"tf":2.23606797749979}}}},"a":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"u":{":":{":":{"<":{"df":0,"docs":{},"m":{">":{":":{":":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"_":{"b":{"d":{"df":0,"docs":{},"f":{"2":{"df":1,"docs":{"35":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"35":{"tf":2.8284271247461903}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"k":{"df":0,"docs":{},"e":{"df":2,"docs":{"15":{"tf":1.0},"24":{"tf":1.0}},"n":{"df":4,"docs":{"42":{"tf":1.0},"43":{"tf":1.4142135623730951},"44":{"tf":1.0},"6":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":22,"docs":{"1":{"tf":2.0},"11":{"tf":1.0},"13":{"tf":2.8284271247461903},"15":{"tf":2.23606797749979},"17":{"tf":2.23606797749979},"18":{"tf":2.0},"2":{"tf":1.7320508075688772},"24":{"tf":3.3166247903554},"25":{"tf":2.0},"26":{"tf":2.23606797749979},"29":{"tf":1.0},"3":{"tf":1.7320508075688772},"30":{"tf":4.358898943540674},"31":{"tf":4.358898943540674},"33":{"tf":1.0},"34":{"tf":1.4142135623730951},"4":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":2.6457513110645907},"8":{"tf":2.23606797749979},"9":{"tf":2.23606797749979}},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"32":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"m":{"df":3,"docs":{"2":{"tf":2.449489742783178},"8":{"tf":1.0},"9":{"tf":1.0}}}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.7320508075688772},"42":{"tf":1.4142135623730951}}}},"x":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":2.0}},"{":{"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"}":{"(":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"29":{"tf":1.4142135623730951}}}}}}}},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"13":{"tf":1.0},"34":{"tf":1.0}}},"r":{"d":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":1,"docs":{"12":{"tf":1.0}}},"s":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"d":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":4,"docs":{"34":{"tf":1.0},"39":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.7320508075688772}}}}}}},"u":{"df":6,"docs":{"1":{"tf":1.0},"10":{"tf":1.0},"15":{"tf":1.0},"32":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}}}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"32":{"tf":1.0}}}}}}},"m":{"df":0,"docs":{},"e":{".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"0":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"df":27,"docs":{"0":{"tf":1.7320508075688772},"1":{"tf":2.23606797749979},"11":{"tf":1.7320508075688772},"13":{"tf":1.4142135623730951},"14":{"tf":1.0},"15":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.7320508075688772},"20":{"tf":1.0},"21":{"tf":2.23606797749979},"29":{"tf":1.4142135623730951},"3":{"tf":1.7320508075688772},"33":{"tf":1.0},"34":{"tf":1.0},"36":{"tf":1.4142135623730951},"38":{"tf":2.6457513110645907},"39":{"tf":2.8284271247461903},"4":{"tf":1.4142135623730951},"41":{"tf":1.0},"43":{"tf":2.8284271247461903},"44":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":2.23606797749979},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.7320508075688772}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"38":{"tf":1.0}}}}}}}},"s":{"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"o":{"/":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":3,"docs":{"2":{"tf":1.0},"27":{"tf":1.0},"6":{"tf":1.0}}}}}},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"13":{"tf":1.7320508075688772},"39":{"tf":1.0},"42":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"l":{"df":1,"docs":{"0":{"tf":1.0}}}},"p":{"df":1,"docs":{"9":{"tf":1.0}},"i":{"c":{"df":1,"docs":{"0":{"tf":1.0}}},"df":0,"docs":{}}},"t":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"41":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"x":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"_":{"b":{"d":{"df":0,"docs":{},"f":{"2":{"df":1,"docs":{"35":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":15,"docs":{"12":{"tf":1.0},"21":{"tf":1.7320508075688772},"23":{"tf":3.0},"24":{"tf":2.0},"25":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.7320508075688772},"29":{"tf":2.8284271247461903},"30":{"tf":1.7320508075688772},"31":{"tf":1.0},"34":{"tf":1.0},"36":{"tf":1.7320508075688772},"37":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}}},"j":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":1,"docs":{"14":{"tf":1.0}}}}}},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"l":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"0":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"45":{"tf":1.0}}},"df":0,"docs":{}}},"i":{"df":1,"docs":{"6":{"tf":1.0}},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"34":{"tf":1.0}}}}}}}},"s":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":4,"docs":{"2":{"tf":1.0},"38":{"tf":1.0},"4":{"tf":1.0},"9":{"tf":1.0}}},"w":{"df":0,"docs":{},"o":{"df":10,"docs":{"1":{"tf":2.0},"2":{"tf":2.23606797749979},"3":{"tf":1.4142135623730951},"39":{"tf":1.0},"4":{"tf":1.0},"42":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.4142135623730951},"9":{"tf":1.4142135623730951}}}},"y":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"df":25,"docs":{"0":{"tf":1.0},"13":{"tf":3.3166247903554},"15":{"tf":1.4142135623730951},"17":{"tf":1.0},"18":{"tf":1.7320508075688772},"2":{"tf":2.449489742783178},"20":{"tf":1.0},"21":{"tf":2.0},"24":{"tf":3.872983346207417},"25":{"tf":2.449489742783178},"26":{"tf":2.449489742783178},"29":{"tf":1.7320508075688772},"30":{"tf":5.0990195135927845},"31":{"tf":5.0990195135927845},"33":{"tf":2.23606797749979},"34":{"tf":2.8284271247461903},"35":{"tf":1.7320508075688772},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178},"4":{"tf":1.7320508075688772},"42":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}},"i":{"c":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}},"u":{"_":{"df":0,"docs":{},"i":{"df":5,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":1,"docs":{"33":{"tf":2.449489742783178}},"n":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"19":{"tf":1.0}}}}}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"0":{"tf":1.0},"3":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"0":{"tf":1.0},"2":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"k":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":4,"docs":{"21":{"tf":1.0},"39":{"tf":1.0},"44":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772}}}}},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":18,"docs":{"13":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"21":{"tf":1.4142135623730951},"31":{"tf":1.0},"33":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}},"p":{"d":{"a":{"df":0,"docs":{},"t":{"df":3,"docs":{"5":{"tf":1.4142135623730951},"7":{"tf":2.0},"8":{"tf":1.0}}}},"df":0,"docs":{}},"df":2,"docs":{"21":{"tf":1.0},"38":{"tf":1.0}}},"s":{"df":41,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":1.4142135623730951},"10":{"tf":1.4142135623730951},"11":{"tf":1.4142135623730951},"12":{"tf":3.0},"13":{"tf":3.4641016151377544},"14":{"tf":1.0},"15":{"tf":2.0},"17":{"tf":2.23606797749979},"18":{"tf":2.0},"19":{"tf":1.0},"2":{"tf":3.4641016151377544},"20":{"tf":2.449489742783178},"21":{"tf":3.0},"23":{"tf":1.4142135623730951},"24":{"tf":2.23606797749979},"25":{"tf":1.0},"26":{"tf":1.4142135623730951},"27":{"tf":1.0},"29":{"tf":1.0},"3":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"32":{"tf":2.23606797749979},"33":{"tf":3.0},"34":{"tf":3.0},"35":{"tf":3.1622776601683795},"36":{"tf":2.8284271247461903},"38":{"tf":2.8284271247461903},"39":{"tf":3.605551275463989},"4":{"tf":2.23606797749979},"41":{"tf":3.0},"42":{"tf":2.8284271247461903},"43":{"tf":1.0},"44":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"5":{"tf":2.23606797749979},"6":{"tf":2.6457513110645907},"7":{"tf":2.23606797749979},"8":{"tf":1.7320508075688772},"9":{"tf":2.0}},"e":{"c":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"32":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"r":{"df":11,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"10":{"tf":1.0},"11":{"tf":1.0},"12":{"tf":2.0},"15":{"tf":1.0},"22":{"tf":1.0},"38":{"tf":1.7320508075688772},"42":{"tf":1.4142135623730951},"5":{"tf":1.4142135623730951},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"z":{"df":5,"docs":{"24":{"tf":2.449489742783178},"25":{"tf":1.7320508075688772},"26":{"tf":1.7320508075688772},"30":{"tf":4.242640687119285},"31":{"tf":4.242640687119285}}}}}},"v":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"v":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"1":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"0":{".":{"2":{".":{"1":{"df":1,"docs":{"43":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"9":{"tf":1.4142135623730951}}},":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"2":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"f":{"df":0,"docs":{},"n":{"(":{"1":{"0":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}},"z":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"(":{"2":{"df":2,"docs":{"30":{"tf":1.0},"31":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"[":{"0":{"df":11,"docs":{"13":{"tf":1.0},"15":{"tf":1.7320508075688772},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.4142135623730951},"21":{"tf":2.0},"24":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772}}},"1":{"df":3,"docs":{"15":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.4142135623730951}}},"df":0,"docs":{},"i":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}}},"_":{"0":{"df":2,"docs":{"15":{"tf":1.7320508075688772},"9":{"tf":1.0}}},"1":{"df":1,"docs":{"15":{"tf":1.0}}},"c":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":1,"docs":{"9":{"tf":1.7320508075688772}},"k":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}},"r":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}},"s":{"(":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}},"{":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}},"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":10,"docs":{"13":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.4142135623730951},"2":{"tf":1.7320508075688772},"34":{"tf":1.4142135623730951},"35":{"tf":2.0},"36":{"tf":1.4142135623730951},"42":{"tf":1.0},"44":{"tf":1.0},"8":{"tf":1.7320508075688772}}}},"r":{"df":0,"docs":{},"i":{"a":{"b":{"df":0,"docs":{},"l":{"df":9,"docs":{"1":{"tf":2.23606797749979},"15":{"tf":1.4142135623730951},"16":{"tf":1.0},"3":{"tf":2.0},"4":{"tf":1.0},"41":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"c":{"df":1,"docs":{"6":{"tf":2.0}}},"df":21,"docs":{"13":{"tf":2.449489742783178},"15":{"tf":1.7320508075688772},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":3.3166247903554},"21":{"tf":2.0},"24":{"tf":3.7416573867739413},"25":{"tf":2.0},"26":{"tf":2.23606797749979},"29":{"tf":2.449489742783178},"3":{"tf":2.0},"30":{"tf":5.385164807134504},"31":{"tf":5.385164807134504},"34":{"tf":3.1622776601683795},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"4":{"tf":2.449489742783178},"7":{"tf":3.3166247903554},"9":{"tf":2.6457513110645907}},"e":{"c":{"!":{"[":{"(":{"0":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{".":{"0":{"df":1,"docs":{"38":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":2,"docs":{"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}},"<":{"_":{"df":3,"docs":{"2":{"tf":2.23606797749979},"4":{"tf":1.4142135623730951},"9":{"tf":1.4142135623730951}}},"d":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"21":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":1,"docs":{"38":{"tf":1.7320508075688772}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":16,"docs":{"1":{"tf":1.4142135623730951},"11":{"tf":1.7320508075688772},"13":{"tf":3.0},"15":{"tf":2.0},"2":{"tf":1.0},"20":{"tf":2.6457513110645907},"21":{"tf":2.0},"24":{"tf":1.7320508075688772},"29":{"tf":1.0},"3":{"tf":1.0},"34":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"41":{"tf":1.0},"42":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.23606797749979}}}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"c":{"df":3,"docs":{"3":{"tf":1.4142135623730951},"4":{"tf":1.7320508075688772},"7":{"tf":3.1622776601683795}}},"df":0,"docs":{}}},"r":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":1,"docs":{"10":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"df":1,"docs":{"44":{"tf":1.0}}},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":2,"docs":{"33":{"tf":1.0},"42":{"tf":1.4142135623730951}}}}}}}},"i":{"a":{"df":6,"docs":{"0":{"tf":1.0},"15":{"tf":1.0},"17":{"tf":1.0},"41":{"tf":1.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.0}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"9":{"tf":2.8284271247461903}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"a":{"df":1,"docs":{"2":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}}},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}}}},"p":{"1":{"df":1,"docs":{"6":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"s":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}}}},"w":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":10,"docs":{"10":{"tf":1.0},"12":{"tf":2.0},"16":{"tf":1.0},"21":{"tf":1.0},"22":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":1.0},"32":{"tf":1.4142135623730951},"33":{"tf":1.4142135623730951},"39":{"tf":1.0}}}},"y":{"df":6,"docs":{"13":{"tf":1.0},"22":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":1.7320508075688772},"5":{"tf":1.7320508075688772}}}},"df":0,"docs":{},"e":{"'":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":2,"docs":{"17":{"tf":1.0},"3":{"tf":1.0}}}},"v":{"df":2,"docs":{"25":{"tf":1.0},"27":{"tf":1.0}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":4,"docs":{"0":{"tf":1.0},"24":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.0}}}}},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}}}}},"i":{"d":{"df":0,"docs":{},"e":{"df":2,"docs":{"0":{"tf":1.0},"8":{"tf":1.0}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":4,"docs":{"1":{"tf":1.0},"29":{"tf":1.0},"36":{"tf":1.4142135623730951},"39":{"tf":1.0}}}},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"1":{"tf":1.0},"12":{"tf":1.0}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"36":{"tf":1.0}}}}}}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":1,"docs":{"42":{"tf":1.0}}}}},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"45":{"tf":1.0}},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"13":{"tf":1.0},"34":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":7,"docs":{"1":{"tf":2.0},"2":{"tf":1.4142135623730951},"32":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":9,"docs":{"0":{"tf":1.4142135623730951},"10":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.7320508075688772},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"45":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0}}}}}}},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":1,"docs":{"42":{"tf":1.7320508075688772}}}}}}},"x":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"4":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"x":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"[":{"0":{"df":13,"docs":{"13":{"tf":1.7320508075688772},"15":{"tf":2.0},"17":{"tf":2.0},"18":{"tf":2.0},"20":{"tf":2.6457513110645907},"21":{"tf":3.7416573867739413},"24":{"tf":1.7320508075688772},"30":{"tf":2.23606797749979},"31":{"tf":2.23606797749979},"35":{"tf":1.7320508075688772},"36":{"tf":1.7320508075688772},"38":{"tf":2.449489742783178},"39":{"tf":3.0}}},"1":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{},"i":{"df":1,"docs":{"34":{"tf":2.449489742783178}}}},"_":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"(":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"t":{"df":5,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"x":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":1,"docs":{"4":{"tf":1.0}}}}}}},"df":21,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"18":{"tf":1.4142135623730951},"2":{"tf":3.872983346207417},"20":{"tf":1.7320508075688772},"21":{"tf":2.449489742783178},"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"30":{"tf":2.0},"31":{"tf":2.0},"34":{"tf":2.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178},"4":{"tf":2.449489742783178},"43":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":2.8284271247461903}}},"y":{"(":{"0":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{},"t":{"_":{"0":{"df":1,"docs":{"11":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},".":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"v":{"(":{"1":{".":{"0":{"df":1,"docs":{"26":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"/":{"df":0,"docs":{},"k":{"df":5,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.0},"17":{"tf":1.0},"20":{"tf":1.7320508075688772},"24":{"tf":1.0}}}},"0":{"df":2,"docs":{"2":{"tf":2.6457513110645907},"34":{"tf":1.0}}},"1":{"df":1,"docs":{"2":{"tf":2.8284271247461903}}},"2":{"df":1,"docs":{"2":{"tf":2.8284271247461903}}},"[":{"0":{"]":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"x":{"(":{"df":0,"docs":{},"f":{"6":{"4":{":":{":":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"7":{"tf":1.0}}}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":15,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":2.0},"17":{"tf":1.7320508075688772},"18":{"tf":1.7320508075688772},"20":{"tf":2.0},"21":{"tf":2.8284271247461903},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"30":{"tf":2.23606797749979},"31":{"tf":2.23606797749979},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178},"7":{"tf":1.0}}},"1":{"df":2,"docs":{"15":{"tf":1.7320508075688772},"7":{"tf":1.4142135623730951}}},"df":0,"docs":{},"i":{"df":1,"docs":{"34":{"tf":2.0}}}},"^":{"2":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{}},"_":{"0":{"(":{"df":0,"docs":{},"p":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"t":{"_":{"0":{"df":1,"docs":{"11":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"/":{"df":0,"docs":{},"k":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}}},"df":2,"docs":{"15":{"tf":1.7320508075688772},"2":{"tf":2.449489742783178}}},"1":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}},"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"(":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"(":{"\"":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}},"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}}},"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"x":{"df":1,"docs":{"4":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"7":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":21,"docs":{"11":{"tf":2.8284271247461903},"13":{"tf":2.23606797749979},"14":{"tf":1.0},"15":{"tf":2.6457513110645907},"17":{"tf":3.0},"18":{"tf":1.7320508075688772},"2":{"tf":3.872983346207417},"20":{"tf":2.8284271247461903},"21":{"tf":2.8284271247461903},"24":{"tf":1.7320508075688772},"25":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":2.23606797749979},"31":{"tf":2.23606797749979},"34":{"tf":2.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":2.449489742783178},"43":{"tf":1.0},"7":{"tf":1.0}},"s":{".":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"(":{"0":{")":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"d":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"1":{")":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"d":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":4,"docs":{"2":{"tf":1.4142135623730951},"38":{"tf":1.0},"4":{"tf":1.0},"9":{"tf":1.0}}}},"z":{"(":{"df":0,"docs":{},"t":{"df":1,"docs":{"11":{"tf":1.0}}}},"df":1,"docs":{"15":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":8,"docs":{"16":{"tf":1.0},"17":{"tf":1.0},"20":{"tf":1.0},"34":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.4142135623730951}},"t":{"df":0,"docs":{},"h":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}}},"title":{"root":{"a":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":2,"docs":{"10":{"tf":1.0},"12":{"tf":1.0}}}}},"b":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":1,"docs":{"7":{"tf":1.0}}}}},"d":{"df":0,"docs":{},"f":{"df":2,"docs":{"44":{"tf":1.0},"45":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":1,"docs":{"40":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}}}}},"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":1,"docs":{"35":{"tf":1.0}}}}}},"i":{"df":0,"docs":{},"r":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}},"df":0,"docs":{}}},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"25":{"tf":1.0}}}}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"t":{"df":1,"docs":{"33":{"tf":1.0}}}}}}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"31":{"tf":1.0}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":1,"docs":{"22":{"tf":1.0}}}}}}}},"d":{"a":{"df":0,"docs":{},"e":{"df":1,"docs":{"8":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}},"t":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}}}},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"s":{"df":0,"docs":{},"l":{"df":3,"docs":{"32":{"tf":1.0},"33":{"tf":1.0},"45":{"tf":1.0}}},"o":{"df":0,"docs":{},"l":{"df":2,"docs":{"10":{"tf":1.0},"12":{"tf":1.0}}}}}}},"s":{"c":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"5":{"tf":1.0}}}}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":1,"docs":{"18":{"tf":1.0}}}}},"y":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}},"df":0,"docs":{}}},"q":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"t":{"df":2,"docs":{"11":{"tf":1.0},"13":{"tf":1.0}}}},"df":0,"docs":{}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"5":{"tf":1.0}}}}}},"x":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":5,"docs":{"15":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}}},"df":0,"docs":{}}}}}},"f":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"16":{"tf":1.0},"17":{"tf":1.0}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"w":{"a":{"df":0,"docs":{},"r":{"d":{"df":1,"docs":{"19":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"u":{"df":0,"docs":{},"n":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":4,"docs":{"17":{"tf":1.0},"24":{"tf":1.0},"25":{"tf":1.0},"26":{"tf":1.0}}}}}}},"df":0,"docs":{}}}},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"29":{"tf":1.0}}}}},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"3":{"tf":1.0}}}}}}}},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":2,"docs":{"28":{"tf":1.0},"30":{"tf":1.0}}}}}}}}}},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"36":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":2,"docs":{"24":{"tf":1.0},"26":{"tf":1.0}}}},"df":0,"docs":{}}}}},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":3,"docs":{"14":{"tf":1.0},"4":{"tf":1.0},"8":{"tf":1.0}}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":2,"docs":{"14":{"tf":1.0},"8":{"tf":1.0}}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"d":{"df":1,"docs":{"42":{"tf":1.0}}},"df":0,"docs":{}}}}},"o":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":1.0},"6":{"tf":1.0}}}}},"df":0,"docs":{}}},"n":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"24":{"tf":1.0}}}}},"o":{"d":{"df":6,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"11":{"tf":1.0},"13":{"tf":1.0},"27":{"tf":1.0},"3":{"tf":1.0}},"e":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":2,"docs":{"28":{"tf":1.0},"30":{"tf":1.0}}}}}}},"df":0,"docs":{},"r":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"1":{"tf":1.0},"29":{"tf":1.0},"3":{"tf":1.0}}}}},"df":0,"docs":{}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"e":{"d":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":10,"docs":{"10":{"tf":1.0},"12":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.0},"22":{"tf":1.0},"31":{"tf":1.0},"34":{"tf":1.0},"37":{"tf":1.0},"38":{"tf":1.0},"41":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":1,"docs":{"43":{"tf":1.0}}}}}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":3,"docs":{"16":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":3,"docs":{"19":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.0}}}}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"39":{"tf":1.0}}}},"v":{"df":4,"docs":{"18":{"tf":1.0},"21":{"tf":1.0},"37":{"tf":1.0},"38":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"35":{"tf":1.0},"44":{"tf":1.0}}}}}}},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"34":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":3,"docs":{"10":{"tf":1.0},"17":{"tf":1.0},"20":{"tf":1.0}}}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":1,"docs":{"4":{"tf":1.0}}}}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"39":{"tf":1.0}}}},"r":{"df":0,"docs":{},"u":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"22":{"tf":1.0}}}},"df":0,"docs":{}}}},"y":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":2,"docs":{"27":{"tf":1.0},"4":{"tf":1.0}}}}}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"41":{"tf":1.0}}}}},"r":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":4,"docs":{"23":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"30":{"tf":1.0}}}}},"df":0,"docs":{}}},"v":{"df":0,"docs":{},"i":{"a":{"df":1,"docs":{"8":{"tf":1.0}}},"df":0,"docs":{}}}}}},"lang":"English","pipeline":["trimmer","stopWordFilter","stemmer"],"ref":"id","version":"0.9.5"},"results_options":{"limit_results":30,"teaser_word_count":30},"search_options":{"bool":"OR","expand":true,"fields":{"body":{"boost":1},"breadcrumbs":{"boost":1},"title":{"boost":2}}}} \ No newline at end of file +{"doc_urls":["primer/modelling_with_odes.html#modelling-with-odes","primer/first_order_odes.html#explicit-first-order-odes","primer/population_dynamics.html#population-dynamics---predator-prey-model","primer/higher_order_odes.html#higher-order-odes","primer/spring_mass_systems.html#example-spring-mass-systems","primer/discrete_events.html#discrete-events","primer/compartmental_models_of_drug_delivery.html#example-compartmental-models-of-drug-delivery","primer/bouncing_ball.html#example-bouncing-ball","primer/the_mass_matrix.html#daes-via-the-mass-matrix","primer/electrical_circuits.html#example-electrical-circuits","primer/pdes.html#partial-differential-equations-pdes","primer/pdes.html#some-useful-packages","primer/heat_equation.html#example-heat-equation","primer/heat_equation.html#finite-difference-method","primer/heat_equation.html#method-of-lines-approximation","primer/heat_equation.html#diffsol-implementation","primer/physics_based_battery_simulation.html#physics-based-battery-simulation","primer/physics_based_battery_simulation.html#the-single-particle-model-state-equations","primer/physics_based_battery_simulation.html#output-variables-for-the-single-particle-model","primer/physics_based_battery_simulation.html#stopping-conditions","primer/physics_based_battery_simulation.html#solving-the-single-particle-model-using-diffsol","specify/specifying_the_problem.html#diffsol-apis-for-specifying-problems","specify/specifying_the_problem.html#ode-equations","specify/specifying_the_problem.html#diffsol-problem-apis","specify/ode_equations.html#ode-equations","specify/mass_matrix.html#mass-matrix","specify/mass_matrix.html#example","specify/root_finding.html#root-finding","specify/root_finding.html#specifying-the-root-finding-function","specify/root_finding.html#detecting-roots-during-the-solve","specify/forward_sensitivity.html#forward-sensitivity","specify/forward_sensitivity.html#specifying-the-sensitivity-problem","specify/forward_sensitivity.html#solving-the-sensitivity-problem","specify/custom/custom_problem_structs.html#custom-problem-structs","specify/custom/custom_problem_structs.html#traits","specify/custom/non_linear_functions.html#non-linear-functions","specify/custom/constant_functions.html#constant-functions","specify/custom/linear_functions.html#linear-functions","specify/custom/ode_systems.html#ode-systems","specify/custom/ode_systems.html#implementing-the-odeequations-trait","specify/custom/ode_systems.html#getting-all-your-traits-in-order","specify/custom/ode_systems.html#implementing-the-odeequations-traits","specify/custom/ode_systems.html#creating-the-problem","specify/diffsl.html#diffsl","specify/diffsl.html#diffsl-context","specify/sparse_problems.html#sparse-problems","choosing_a_solver.html#choosing-a-solver","choosing_a_solver.html#initialisation","solving_the_problem.html#solving-the-problem","solving_the_problem.html#solving-the-problem-1","solving_the_problem.html#stepping-the-solution","benchmarks.html#benchmarks","benchmarks.html#test-problems","benchmarks.html#method","benchmarks.html#results","benchmarks.html#bdf-solver","benchmarks.html#bdf--diffsl"],"index":{"documentStore":{"docInfo":{"0":{"body":236,"breadcrumbs":4,"title":2},"1":{"body":260,"breadcrumbs":10,"title":4},"10":{"body":62,"breadcrumbs":7,"title":4},"11":{"body":52,"breadcrumbs":5,"title":2},"12":{"body":48,"breadcrumbs":9,"title":3},"13":{"body":240,"breadcrumbs":9,"title":3},"14":{"body":38,"breadcrumbs":9,"title":3},"15":{"body":287,"breadcrumbs":8,"title":2},"16":{"body":109,"breadcrumbs":12,"title":4},"17":{"body":110,"breadcrumbs":13,"title":5},"18":{"body":72,"breadcrumbs":13,"title":5},"19":{"body":35,"breadcrumbs":10,"title":2},"2":{"body":587,"breadcrumbs":14,"title":5},"20":{"body":262,"breadcrumbs":14,"title":6},"21":{"body":54,"breadcrumbs":8,"title":4},"22":{"body":78,"breadcrumbs":6,"title":2},"23":{"body":93,"breadcrumbs":7,"title":3},"24":{"body":263,"breadcrumbs":8,"title":2},"25":{"body":42,"breadcrumbs":8,"title":2},"26":{"body":211,"breadcrumbs":7,"title":1},"27":{"body":21,"breadcrumbs":8,"title":2},"28":{"body":137,"breadcrumbs":10,"title":4},"29":{"body":106,"breadcrumbs":10,"title":4},"3":{"body":141,"breadcrumbs":8,"title":3},"30":{"body":25,"breadcrumbs":8,"title":2},"31":{"body":194,"breadcrumbs":9,"title":3},"32":{"body":228,"breadcrumbs":9,"title":3},"33":{"body":24,"breadcrumbs":10,"title":3},"34":{"body":74,"breadcrumbs":8,"title":1},"35":{"body":228,"breadcrumbs":13,"title":3},"36":{"body":71,"breadcrumbs":11,"title":2},"37":{"body":90,"breadcrumbs":11,"title":2},"38":{"body":17,"breadcrumbs":11,"title":2},"39":{"body":11,"breadcrumbs":12,"title":3},"4":{"body":174,"breadcrumbs":13,"title":4},"40":{"body":132,"breadcrumbs":12,"title":3},"41":{"body":355,"breadcrumbs":12,"title":3},"42":{"body":375,"breadcrumbs":11,"title":2},"43":{"body":70,"breadcrumbs":6,"title":1},"44":{"body":145,"breadcrumbs":7,"title":2},"45":{"body":349,"breadcrumbs":8,"title":2},"46":{"body":209,"breadcrumbs":4,"title":2},"47":{"body":171,"breadcrumbs":3,"title":1},"48":{"body":10,"breadcrumbs":4,"title":2},"49":{"body":206,"breadcrumbs":4,"title":2},"5":{"body":179,"breadcrumbs":6,"title":2},"50":{"body":318,"breadcrumbs":4,"title":2},"51":{"body":23,"breadcrumbs":2,"title":1},"52":{"body":198,"breadcrumbs":3,"title":2},"53":{"body":241,"breadcrumbs":2,"title":1},"54":{"body":56,"breadcrumbs":2,"title":1},"55":{"body":145,"breadcrumbs":3,"title":2},"56":{"body":99,"breadcrumbs":3,"title":2},"6":{"body":524,"breadcrumbs":14,"title":5},"7":{"body":341,"breadcrumbs":10,"title":3},"8":{"body":233,"breadcrumbs":10,"title":4},"9":{"body":349,"breadcrumbs":12,"title":3}},"docs":{"0":{"body":"Ordinary Differential Equations (ODEs) are a powerful tool for modelling a wide range of physical systems. Unlike purely data-driven models, ODEs are based on the underlying physics, biology, or chemistry of the system being modelled. This makes them particularly useful for predicting the behaviour of a system under conditions that have not been observed before. In this section, we will introduce the basics of ODE modelling, and illustrate their use with a series of examples written using the DiffSol crate. The topics covered in this section are: First Order ODEs : First order ODEs are the simplest type of ODE. Any ODE system can be written as a set of first order ODEs, so libraries like DiffSol are designed such that the user provides their equations in this form. Example: Population Dynamics : A simple example of a first order ODE system, modelling the interaction of predator and prey populations. Higher Order ODEs : Higher order ODEs are ODEs that involve derivatives of order higher than one. These can be converted to a system of first order ODEs, which is the form that DiffSol expects. Example: Spring-mass systems : A simple example of a higher order ODE system, modelling the motion of a damped spring-mass system. Discrete Events : Discrete events are events that occur at specific times or when the system is in a particular state, rather than continuously. These can be modelled using ODEs by treating the events as changes in the system's state. DiffSol provides an API to detect and handle these events. Example: Compartmental models of Drug Delivery : Pharmacokinetic models are a common example of systems with discrete events, where the drug is absorbed, distributed, metabolised, and excreted by the body. The drug is often administered at discrete times, and the model must account for this. Example: Bouncing Ball : A simple example of a system where the discrete event occurs when the ball hits the ground, instead of a specific time. DAEs via the Mass Matrix : Differential Algebraic Equations (DAEs) are a generalisation of ODEs that include algebraic equations as well as differential equations. DiffSol can solve DAEs by treating them as ODEs with a mass matrix. This section explains how to use the mass matrix to solve DAEs. Example: Electrical Circuits : Electrical circuits are a common example of DAEs, here we will model a simple low-pass LRC filter circuit.","breadcrumbs":"Modelling with ODEs » Modelling with ODEs","id":"0","title":"Modelling with ODEs"},"1":{"body":"Ordinary Differential Equations (ODEs) are sometimes called rate equations because they describe how the rate of change of a system depends on its current state . For example, lets assume we wish to model the growth of a population of cells within a petri dish. We could define the state of the system as the concentration of cells in the dish, and assign this state to a variable \\(c\\). The rate of change of the system would then be the rate at which the concentration of cells changes with time, which we could denote as \\(\\frac{dc}{dt}\\). We know that our cells will grow at a rate proportional to the current concentration of cells, so we could write this as: \\[ \\frac{dc}{dt} = k c \\] where \\(k\\) is a constant that describes the growth rate of the cells. This is a first order ODE, because it involves only the first derivative of the state variable \\(c\\) with respect to time. We can also solve a coupled set of equations, say we had two populations of cells in the same dish that grow with different rates. We could define the state of the system as the concentrations of the two cell populations, and assign these states to variables \\(c_1\\) and \\(c_2\\). We could then write down both equations as: \\[ \\begin{align*} \\frac{dc_1}{dt} &= k_1 c_1 \\\\ \\frac{dc_2}{dt} &= k_2 c_2 \\end{align*} \\] then combine them in a vector form as: \\[ \\begin{bmatrix} \\frac{dc_1}{dt} \\\\ \\frac{dc_2}{dt} \\end{bmatrix} = \\begin{bmatrix} k_1 c_1 \\\\ k_2 c_2 \\end{bmatrix} \\] By defining a new vector of state variables \\(\\mathbf{y} = [c_1, c_2]\\) and a a function \\(\\mathbf{f}(\\mathbf{y}, t) = \\begin{bmatrix} k_1 c_1 \\\\ k_2 c_2 \\end{bmatrix}\\), we are left with the standard form of a explicit first order ODE system: \\[ \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] This is an explicit equation for the derivative of the state, \\(\\frac{d\\mathbf{y}}{dt}\\), as a function of only of the state variables \\(\\mathbf{y}\\) and of time \\(t\\). We need one more piece of information to solve this system of ODEs: the initial conditions for the populations at time \\(t = 0\\). For example, if we started with a concentration of 10 for the first population and 5 for the second population, we would write: \\[ \\mathbf{y}(0) = \\begin{bmatrix} 10 \\\\ 5 \\end{bmatrix} \\] Many ODE solver libraries, like DiffSol, require users to provide their ODEs in the form of a set of explicit first order ODEs. Given both the system of ODEs and the initial conditions, the solver can then integrate the equations forward in time to find the solution \\(\\mathbf{y}(t)\\). This is the general process for solving ODEs, so it is important to know how to translate your problem into a set of first order ODEs, and thus to the general form of a explicit first order ODE system shown above. In the next two sections, we will look at two examples of first order ODE systems: population dynamics and infectious disease, and solve them using DiffSol.","breadcrumbs":"Modelling with ODEs » Explicit First Order ODEs » Explicit First Order ODEs","id":"1","title":"Explicit First Order ODEs"},"10":{"body":"DiffSol is an ODE solver, but it can also solve PDEs. The idea is to discretize the PDE in space and time, and then solve the resulting system of ODEs. This is called the method of lines. Discretizing a PDE is a large topic, and there are many ways to do it. Common methods include finite difference, finite volume, finite element, and spectral methods. Finite difference methods are the simplest to understand and implement, so some of the examples in this book will demonstrate this method to give you a flavour of how to solve PDEs with DiffSol. However, in general we recommend that you use another package to discretise you PDE, and then import the resulting ODE system into DiffSol for solving.","breadcrumbs":"Modelling with ODEs » PDEs » Partial Differential Equations (PDEs)","id":"10","title":"Partial Differential Equations (PDEs)"},"11":{"body":"There are many packages in the Python and Julia ecosystems that can help you discretise your PDE. Here are a few that we know of, but there are many more out there: Python FEniCS : A finite element package. Uses the Unified Form Language (UFL) to specify PDEs. FireDrake : A finite element package, uses the same UFL as FEniCS. FiPy : A finite volume package. scikit-fdiff : A finite difference package. Julia: MethodOfLines.jl : A finite difference package. Gridap.jl : A finite element package.","breadcrumbs":"Modelling with ODEs » PDEs » Some useful packages","id":"11","title":"Some useful packages"},"12":{"body":"Lets consider a simple example, the heat equation. The heat equation is a PDE that describes how the temperature of a material changes over time. In one dimension, the heat equation is \\[ \\frac{\\partial u}{\\partial t} = D \\frac{\\partial^2 u}{\\partial x^2} \\] where \\(u(x, t)\\) is the temperature of the material at position \\(x\\) and time \\(t\\), and \\(D\\) is the thermal diffusivity of the material. To solve this equation, we need to discretize it in space and time. We can use a finite difference method to do this.","breadcrumbs":"Modelling with ODEs » PDEs » Example: Heat Equation » Example: Heat equation","id":"12","title":"Example: Heat equation"},"13":{"body":"The finite difference method is a numerical method for discretising a spatial derivative like \\(\\frac{\\partial^2 u}{\\partial x^2}\\). It approximates this continuous term by a discrete term, in this case the multiplication of a matrix by a vector. We can use this discretisation method to convert the heat equation into a system of ODEs suitable for DiffSol. We will not go into the details of the finite difference method here but mearly derive a single finite difference approximation for the term \\(\\frac{\\partial^2 u}{\\partial x^2}\\), or \\(u_{xx}\\) using more compact notation. The central FD approximation of \\(u_{xx}\\) is: \\[ u_{xx} \\approx \\frac{u(x + h) - 2u(x) + u(x-h)}{h^2} \\] where \\(h\\) is the spacing between points along the x-axis. We will discretise \\(u_{xx} = 0\\) at \\(N\\) regular points along \\(x\\) from 0 to 1, given by \\(x_1\\), \\(x_2\\), ... +----+----+----------+----+> x 0 x_1 x_2 ... x_N 1 Using this set of point and the discretised equation, this gives a set of \\(N\\) equations at each interior point on the domain: \\[ \\frac{v_{i+1} - 2v_i + v_{i-1}}{h^2} \\text{ for } i = 1...N \\] where \\(v_i \\approx u(x_i)\\) We will need additional equations at \\(x=0\\) and \\(x=1\\), known as the boundary conditions . For this example we will use \\(u(x) = g(x)\\) at \\(x=0\\) and \\(x=1\\) (also known as a non-homogenous Dirichlet bc), so that \\(v_0 = g(0)\\), and \\(v_{N+1} = g(1)\\), and the equation at \\(x_1\\) becomes: \\[ \\frac{v_{i+1} - 2v_i + g(0)}{h^2} \\] and the equation at \\(x_N\\) becomes: \\[ \\frac{g(1) - 2v_i + v_{i-1}}{h^2} \\] We can therefore represent the final \\(N\\) equations in matrix form like so: \\[ \\frac{1}{h^2} \\begin{bmatrix} -2 & 1 & & & \\\\ 1 & -2 & 1 & & \\\\ &\\ddots & \\ddots & \\ddots &\\\\ & & 1 & -2 & 1 \\\\ & & & 1 & -2 \\end{bmatrix} \\begin{bmatrix} v_1 \\\\ v_2 \\\\ \\vdots \\\\ v_{N-1}\\\\ v_{N} \\end{bmatrix} + \\frac{1}{h^2} \\begin{bmatrix} g(0) \\\\ 0 \\\\ \\vdots \\\\ 0 \\\\ g(1) \\end{bmatrix} \\] The relevant sparse matrix here is \\(A\\), given by \\[ A = \\begin{bmatrix} -2 & 1 & & & \\\\ 1 & -2 & 1 & & \\\\ &\\ddots & \\ddots & \\ddots &\\\\ & & 1 & -2 & 1 \\\\ & & & 1 & -2 \\end{bmatrix} \\] As you can see, the number of non-zero elements grows linearly with the size \\(N\\), so a sparse matrix format is much preferred over a dense matrix holding all \\(N^2\\) elements! The additional vector that encodes the boundary conditions is \\(b\\), given by \\[ b = \\begin{bmatrix} g(0) \\\\ 0 \\\\ \\vdots \\\\ 0 \\\\ g(1) \\end{bmatrix} \\]","breadcrumbs":"Modelling with ODEs » PDEs » Example: Heat Equation » Finite difference method","id":"13","title":"Finite difference method"},"14":{"body":"We can use our FD approximation of the spatial derivative to convert the heat equation into a system of ODEs. We can write the heat equation as: \\[ \\frac{du}{dt} = D \\frac{d^2 u}{dx^2} \\approx \\frac{D}{h^2} (A u + b) \\] where \\(u\\) is a vector of temperatures at each point in space, \\(A\\) and \\(b\\) is the sparse matrix and vector we derived above. This is a system of ODEs that we can solve using DiffSol.","breadcrumbs":"Modelling with ODEs » PDEs » Example: Heat Equation » Method of Lines Approximation","id":"14","title":"Method of Lines Approximation"},"15":{"body":"use diffsol::{ DiffSl, OdeBuilder, CraneliftModule, SparseColMat, FaerSparseLU, OdeSolverMethod\n};\nuse plotly::{ layout::{Axis, Layout}, Plot, Surface\n};\n# use std::fs;\n# fn main() {\ntype M = SparseColMat;\ntype LS = FaerSparseLU;\ntype CG = CraneliftModule; let eqn = DiffSl::::compile(\" D { 1.0 } h { 1.0 } g { 0.0 } m { 1.0 } A_ij { (0, 0): -2.0, (0, 1): 1.0, (1, 0): 1.0, (1, 1): -2.0, (1, 2): 1.0, (2, 1): 1.0, (2, 2): -2.0, (2, 3): 1.0, (3, 2): 1.0, (3, 3): -2.0, (3, 4): 1.0, (4, 3): 1.0, (4, 4): -2.0, (4, 5): 1.0, (5, 4): 1.0, (5, 5): -2.0, (5, 6): 1.0, (6, 5): 1.0, (6, 6): -2.0, (6, 7): 1.0, (7, 6): 1.0, (7, 7): -2.0, (7, 8): 1.0, (8, 7): 1.0, (8, 8): -2.0, (8, 9): 1.0, (9, 8): 1.0, (9, 9): -2.0, (9, 10): 1.0, (10, 9): 1.0, (10, 10): -2.0, (10, 11): 1.0, (11, 10): 1.0, (11, 11): -2.0, (11, 12): 1.0, (12, 11): 1.0, (12, 12): -2.0, (12, 13): 1.0, (13, 12): 1.0, (13, 13): -2.0, (13, 14): 1.0, (14, 13): 1.0, (14, 14): -2.0, (14, 15): 1.0, (15, 14): 1.0, (15, 15): -2.0, (15, 16): 1.0, (16, 15): 1.0, (16, 16): -2.0, (16, 17): 1.0, (17, 16): 1.0, (17, 17): -2.0, (17, 18): 1.0, (18, 17): 1.0, (18, 18): -2.0, (18, 19): 1.0, (19, 18): 1.0, (19, 19): -2.0, (19, 20): 1.0, (20, 19): 1.0, (20, 20): -2.0, } b_i { (0): g, (1:20): 0.0, (20): g, } u_i { (0:5): g, (5:15): g + m, (15:21): g, } heat_i { A_ij * u_j } F_i { D * (heat_i + b_i) / (h * h) }\n\").unwrap(); let problem = OdeBuilder::::new() .build_from_eqn(eqn) .unwrap();\nlet times = (0..50).map(|i| i as f64).collect::>();\nlet mut solver = problem.bdf::().unwrap();\nlet sol = solver.solve_dense(×).unwrap(); let x = (0..21).map(|i| i as f64).collect::>();\nlet y = times;\nlet z = sol.col_iter().map(|v| v.iter().copied().collect::>()).collect::>>();\nlet trace = Surface::new(z).x(x).y(y);\nlet mut plot = Plot::new();\nplot.add_trace(trace);\nlet layout = Layout::new() .x_axis(Axis::new().title(\"x\")) .y_axis(Axis::new().title(\"t\")) .z_axis(Axis::new().title(\"u\"));\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"heat-equation\"));\n# fs::write(\"../src/primer/images/heat-equation.html\", plot_html).expect(\"Unable to write file\");\n# }","breadcrumbs":"Modelling with ODEs » PDEs » Example: Heat Equation » DiffSol Implementation","id":"15","title":"DiffSol Implementation"},"16":{"body":"Traditional battery models are based on equivalent circuit models, similar to the circuit modelled in section Electrical Circuits . These models are simple and computationally efficient, but they lack the ability to capture all of the complex electrochemical processes that occur in a battery. Physics-based models, on the other hand, are based on the electrochemical processes that occur in the battery, and can provide a more detailed description of the battery's behaviour. They are parameterized by physical properties of the battery, such as the diffusion coefficients of lithium ions in the electrodes, the reaction rate constants, and the surface area of the electrodes, and can be used to predict the battery's performance under different operating conditions, once these parameters are known. The Single Particle Model (SPM) is a physics-based model of a lithium-ion battery. It describes the diffusion of lithium ions in the positive and negative electrodes of the battery over a 1D radial domain, assuming that the properties of the electrodes are uniform across the thickness of the electrode. Here we will describe the equations that govern the SPM, and show how to solve them at different current rates to calculate the terminal voltage of the battery.","breadcrumbs":"Modelling with ODEs » PDEs » Example: Physics-based Battery Simulation » Physics-based Battery Simulation","id":"16","title":"Physics-based Battery Simulation"},"17":{"body":"The SPM model only needs to solve for the concentration of lithium ions in the positive and negative electrodes, \\(c_n\\) and \\(c_p\\). The diffusion of lithium ions in each electrode particle \\(c_i\\) is given by: \\[ \\frac{\\partial c_i}{\\partial t} = \\nabla \\cdot (D_i \\nabla c_i) \\] subject to the following boundary and initial conditions: \\[ \\left.\\frac{\\partial c_i}{\\partial r}\\right\\vert_{r=0} = 0, \\quad \\left.\\frac{\\partial c}{\\partial r}\\right\\vert_{r=R_i} = -j_i, \\quad \\left.c\\right\\vert_{t=0} = c^0_i \\] where \\(c_i\\) is the concentration of lithium ions in the positive (\\(i=n\\)) or negative (\\(i=p\\)) electrode, \\(D_i\\) is the diffusion coefficient, \\(j_i\\) is the interfacial current density, and \\(c^0_i\\) is the concentration at the particle surface. The fluxes of lithium ions in the positive and negative electrodes \\(j_i\\) are dependent on the applied current \\(I\\): \\[ j_n = \\frac{I}{a_n \\delta_n F \\mathcal{A}}, \\qquad j_p = \\frac{-I}{a_p \\delta_p F \\mathcal{A}}, \\] where \\(a_i = 3 \\epsilon_i / R_i\\) is the specific surface area of the electrode, \\(\\epsilon_i\\) is the volume fraction of active material, \\(\\delta_i\\) is the thickness of the electrode, \\(F\\) is the Faraday constant, and \\(\\mathcal{A}\\) is the electrode surface area.","breadcrumbs":"Modelling with ODEs » PDEs » Example: Physics-based Battery Simulation » The Single Particle Model state equations","id":"17","title":"The Single Particle Model state equations"},"18":{"body":"Now that we have defined the equations to solve, we turn to the output variables that we need to calculate from the state variables \\(c_n\\) and \\(c_p\\). The terminal voltage of the battery is given by: \\[ V = U_p(x_p^s) - U_n(x_n^s) + \\eta_p - \\eta_n \\] where \\(U_i\\) is the open circuit potential (OCP) of the electrode, \\(x_i^s = c_i(r=R_i) / c_i^{max}\\) is the surface stoichiometry, and \\(\\eta_i\\) is the overpotential. Assuming Butler-Volmer kinetics and \\(\\alpha_i = 0.5\\), the overpotential is given by: \\[ \\eta_i = \\frac{2RT}{F} \\sinh^{-1} \\left( \\frac{j_i F}{2i_{0,i}} \\right) \\] where the exchange current density \\(i_{0,i}\\) is given by: \\[ i_{0,i} = k_i F \\sqrt{c_e} \\sqrt{c_i(r=R_i)} \\sqrt{c_i^{max} - c_i(r=R_i)} \\] where \\(c_e\\) is the concentration of lithium ions in the electrolyte, and \\(k_i\\) is the reaction rate constant.","breadcrumbs":"Modelling with ODEs » PDEs » Example: Physics-based Battery Simulation » Output variables for the Single Particle Model","id":"18","title":"Output variables for the Single Particle Model"},"19":{"body":"We wish to terminate the simulation if the terminal voltage exceeds an upper threshold \\(V_{\\text{max}}\\) or falls below a lower threshold \\(V_{\\text{min}}\\). DiffSol uses a root-finding algorithm to detect when the terminal voltage crosses these thresholds, using the following stopping conditions: \\[ V_{\\text{max}} - V = 0, \\qquad V - V_{\\text{min}} = 0, \\]","breadcrumbs":"Modelling with ODEs » PDEs » Example: Physics-based Battery Simulation » Stopping conditions","id":"19","title":"Stopping conditions"},"2":{"body":"In this example, we will model the population dynamics of a predator-prey system using a set of first order ODEs. The Lotka-Volterra equations are a classic example of a predator-prey model, and describe the interactions between two species in an ecosystem. The first species is a prey species, which we will call \\(x\\), and the second species is a predator species, which we will call \\(y\\). The rate of change of the prey population is governed by two terms: growth and predation. The growth term represents the natural increase in the prey population in the absence of predators, and is proportional to the current population of prey. The predation term represents the rate at which the predators consume the prey, and is proportional to the product of the prey and predator populations. The rate of change of the prey population can be written as: \\[ \\frac{dx}{dt} = a x - b x y \\] where \\(a\\) is the growth rate of the prey population, and \\(b\\) is the predation rate. The rate of change of the predator population is also governed by two terms: death and growth. The death term represents the natural decrease in the predator population in the absence of prey, and is proportional to the current population of predators. The growth term represents the rate at which the predators reproduce, and is proportional to the product of the prey and predator populations, since the predators need to consume the prey to reproduce. The rate of change of the predator population can be written as: \\[ \\frac{dy}{dt} = c x y - d y \\] where \\(c\\) is the reproduction rate of the predators, and \\(d\\) is the death rate. The Lotka-Volterra equations are a simple model of predator-prey dynamics, and make several assumptions that may not hold in real ecosystems. For example, the model assumes that the prey population grows exponentially in the absence of predators, that the predator population decreases linearly in the absence of prey, and that the spatial distribution of the species has no effect. Despite these simplifications, the Lotka-Volterra equations capture some of the essential features of predator-prey interactions, such as oscillations in the populations and the dependence of each species on the other. When modelling with ODEs, it is important to consider the simplest model that captures the behaviour of interest, and to be aware of the assumptions that underlie the model. Putting the two equations together, we have a system of two first order ODEs: \\[ \\frac{x}{dt} = a x - b x y \\\\ \\frac{y}{dt} = c x y - d y \\] which can be written in vector form as: \\[ \\begin{bmatrix} \\frac{dx}{dt} \\\\ \\frac{dy}{dt} \\end{bmatrix} = \\begin{bmatrix} a x - b x y \\\\ c x y - d y \\end{bmatrix} \\] or in the general form of a first order ODE system: \\[ \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] where \\[\\mathbf{y} = \\begin{bmatrix} x \\\\ y \\end{bmatrix} \\] and \\[\\mathbf{f}(\\mathbf{y}, t) = \\begin{bmatrix} a x - b x y \\\\ c x y - d y \\end{bmatrix}\\] We also have initial conditions for the populations at time \\(t = 0\\). We can set both populations to 1 at the start like so: \\[ \\mathbf{y}(0) = \\begin{bmatrix} 1 \\\\ 1 \\end{bmatrix} \\] Let's solve this system of ODEs using the DiffSol crate. We will use the DiffSL domain-specific language to specify the problem. We could have also used Rust closures , but this allows us to illustrate the modelling process with a minimum of Rust syntax. # fn main() {\n# use std::fs;\nuse diffsol::{ DiffSl, CraneliftModule, OdeBuilder, OdeSolverMethod\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\ntype M = nalgebra::DMatrix;\ntype LS = diffsol::NalgebraLU;\ntype CG = CraneliftModule; let eqn = DiffSl::::compile(\" a { 2.0/3.0 } b { 4.0/3.0 } c { 1.0 } d { 1.0 } u_i { y1 = 1, y2 = 1, } F_i { a * y1 - b * y1 * y2, c * y1 * y2 - d * y2, }\n\").unwrap();\nlet problem = OdeBuilder::::new() .build_from_eqn(eqn).unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet (ys, ts) = solver.solve(40.0).unwrap(); let prey: Vec<_> = ys.row(0).into_iter().copied().collect();\nlet predator: Vec<_> = ys.row(1).into_iter().copied().collect();\nlet time: Vec<_> = ts.into_iter().collect(); let prey = Scatter::new(time.clone(), prey).mode(Mode::Lines).name(\"Prey\");\nlet predator = Scatter::new(time, predator).mode(Mode::Lines).name(\"Predator\"); let mut plot = Plot::new();\nplot.add_trace(prey);\nplot.add_trace(predator); let layout = Layout::new() .x_axis(Axis::new().title(\"t\")) .y_axis(Axis::new().title(\"population\"));\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"prey-predator\"));\n# fs::write(\"../src/primer/images/prey-predator.html\", plot_html).expect(\"Unable to write file\");\n# } A phase plane plot of the predator-prey system is a useful visualisation of the dynamics of the system. This plot shows the prey population on the x-axis and the predator population on the y-axis. Trajectories in the phase plane represent the evolution of the populations over time. Lets reframe the equations to introduce a new parameter \\(y_0\\) which is the initial predator and prey population. We can then plot the phase plane for different values of \\(y_0\\) to see how the system behaves for different initial conditions. Our initial conditions are now: \\[ \\mathbf{y}(0) = \\begin{bmatrix} y_0 \\\\ y_0 \\end{bmatrix} \\] so we can solve this system for different values of \\(y_0\\) and plot the phase plane for each case. We will use similar code as above, but we will introduce our new parameter and loop over different values of \\(y_0\\) # fn main() {\n# use std::fs;\nuse diffsol::{ DiffSl, CraneliftModule, OdeBuilder, OdeSolverMethod, OdeEquations\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\ntype M = nalgebra::DMatrix;\ntype LS = diffsol::NalgebraLU;\ntype CG = CraneliftModule; let eqn = DiffSl::::compile(\" in = [ y0 ] y0 { 1.0 } a { 2.0/3.0 } b { 4.0/3.0 } c { 1.0 } d { 1.0 } u_i { y1 = y0, y2 = y0, } F_i { a * y1 - b * y1 * y2, c * y1 * y2 - d * y2, }\n\").unwrap(); let mut problem = OdeBuilder::::new().p([1.0]).build_from_eqn(eqn).unwrap(); let mut plot = Plot::new();\nfor y0 in (1..6).map(f64::from) { let p = nalgebra::DVector::from_element(1, y0); problem.eqn_mut().set_params(&p); let mut solver = problem.bdf::().unwrap(); let (ys, _ts) = solver.solve(40.0).unwrap(); let prey: Vec<_> = ys.row(0).into_iter().copied().collect(); let predator: Vec<_> = ys.row(1).into_iter().copied().collect(); let phase = Scatter::new(prey, predator) .mode(Mode::Lines).name(format!(\"y0 = {}\", y0)); plot.add_trace(phase);\n} let layout = Layout::new() .x_axis(Axis::new().title(\"x\")) .y_axis(Axis::new().title(\"y\"));\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"prey-predator2\"));\n# fs::write(\"../src/primer/images/prey-predator2.html\", plot_html).expect(\"Unable to write file\");\n# }","breadcrumbs":"Modelling with ODEs » Explicit First Order ODEs » Example: Population Dynamics » Population Dynamics - Predator-Prey Model","id":"2","title":"Population Dynamics - Predator-Prey Model"},"20":{"body":"Rather than write down the equations ourselves, we will rely on the PyBaMM library to generate the equations for us. PyBaMM is a Python library that can generate a wide variety of physics-based battery models, using different parameterisations, physics and operating conditions. Combined with a tool that takes a PyBaMM model and writes it out in the DiffSL language, we can generate a DiffSL file that can be used to solve the equations of the SPM model described above. We can then use the DiffSol crate to solve the model and calculate the terminal voltage of the battery over a range of current rates. The code below reads in the DiffSL file, compiles it, and then solves the equation for different current rates. We wish to stop the simulation when either the final time is reached, or when one of the stopping conditions is met. We will output the terminal voltage of the battery at regular intervals during the simulation, because the terminal voltage can change more rapidly than the state variables $c_n$ and $c_p$, particularly during the \"knee\" of the discharge curve. The discretised equations result in sparse matrices, so we use the sparse matrix and linear solver modules provided by the faer crate to solve the equations efficiently. use diffsol::{ DiffSl, OdeBuilder, CraneliftModule, SparseColMat, FaerSparseLU, OdeSolverMethod, OdeSolverStopReason, OdeEquations, NonLinearOp,\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\n# use std::fs;\n# fn main() {\ntype M = SparseColMat;\ntype LS = FaerSparseLU;\ntype CG = CraneliftModule; let file = std::fs::read_to_string(\"../src/primer/src/spm.ds\").unwrap(); let eqn = DiffSl::::compile(&file).unwrap();\nlet mut problem = OdeBuilder::::new() .p([1.0]) .build_from_eqn(eqn) .unwrap();\nlet currents = vec![0.6, 0.8, 1.0, 1.2, 1.4];\nlet final_time = 3600.0;\nlet delta_t = 3.0; let mut plot = Plot::new();\nfor current in currents { problem.eqn.set_params(&faer::Col::from_fn(1, |_| current)); let mut solver = problem.bdf::().unwrap(); let mut v = Vec::new(); let mut t = Vec::new(); // save the initial output let mut out = problem.eqn.out().unwrap().call(solver.state().y, solver.state().t); v.push(out[0]); t.push(0.0); // solve until the final time is reached // or we reach the stop condition solver.set_stop_time(final_time).unwrap(); let mut next_output_time = delta_t; let mut finished = false; while !finished { let curr_t = match solver.step() { Ok(OdeSolverStopReason::InternalTimestep) => solver.state().t, Ok(OdeSolverStopReason::RootFound(t)) => { finished = true; t }, Ok(OdeSolverStopReason::TstopReached) => { finished = true; final_time }, Err(_) => panic!(\"unexpected solver error\"), }; while curr_t > next_output_time { let y = solver.interpolate(next_output_time).unwrap(); problem.eqn.out().unwrap().call_inplace(&y, next_output_time, &mut out); v.push(out[0]); t.push(next_output_time); next_output_time += delta_t; } } let voltage = Scatter::new(t, v) .mode(Mode::Lines) .name(format!(\"current = {} A\", current)); plot.add_trace(voltage);\n} let layout = Layout::new() .x_axis(Axis::new().title(\"t [sec]\")) .y_axis(Axis::new().title(\"voltage [V]\"));\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"battery-simulation\"));\n# fs::write(\"../src/primer/images/battery-simulation.html\", plot_html).expect(\"Unable to write file\");\n# }","breadcrumbs":"Modelling with ODEs » PDEs » Example: Physics-based Battery Simulation » Solving the Single Particle Model using DiffSol","id":"20","title":"Solving the Single Particle Model using DiffSol"},"21":{"body":"Most of the DiffSol user-facing API revolves around specifying the problem you want to solve, thus a large part of this book will be dedicated to explaining how to specify a problem. All the examples presented in the primer used the DiffSL DSL to specify the problem, but DiffSol also provides a pure Rust API for specifying problems. This API is sometimes more verbose than the DSL, but is more flexible, more performant, and easier to use if you have a model already written in Rust or another language that you can easily port or call from Rust.","breadcrumbs":"DiffSol APIs for specifying problems » DiffSol APIs for specifying problems","id":"21","title":"DiffSol APIs for specifying problems"},"22":{"body":"The class of ODE equations that DiffSol can solve are of the form \\[M(t) \\frac{dy}{dt} = f(t, y, p),\\] \\[y(t_0) = y_0(t_0, p),\\] \\[z(t) = g(t, y, p),\\] where: \\(f(t, y, p)\\) is the right-hand side of the ODE, \\(y\\) is the state vector, \\(p\\) are the parameters, \\(t\\) is the time. \\(y_0(t_0, p)\\) is the initial state vector at time \\(t_0\\). \\(M(t)\\) is the mass matrix (this is optional, and is implicitly the identity matrix if not specified), \\(g(t, y, p)\\) is an output function that can be used to calculate additional outputs from the state vector (this is optional, and is implicitly \\(g(t, y, p) = y\\) if not specified). The user can also optionally specify a root function \\(r(t, y, p)\\) that can be used to find the time at which a root occurs.","breadcrumbs":"DiffSol APIs for specifying problems » ODE equations","id":"22","title":"ODE equations"},"23":{"body":"DiffSol has three main APIs for specifying problems: The OdeBuilder struct, where the user can specify the functions above using Rust closures. This is the easiest API to use from Rust, and is the recommended API for most users. The OdeEquations trait where the user can implement the functions above on their own structs. This API is more flexible than the OdeBuilder API, but is more complex to use. It is useful if you have custom data structures and code that you want to use to evaluate your functions that does not fit within the OdeBuilder API. The DiffSl struct, where the user can specify the functions above using the DiffSL Domain Specific Language (DSL). This API is behind a feature flag (diffsl if you want to use the slower cranelift backend, diffsl-llvm* if you want to use the faster LLVM backend), but has the best API if you want to use DiffSL from a higher-level language like Python or R while still having similar performance.","breadcrumbs":"DiffSol APIs for specifying problems » DiffSol problem APIs","id":"23","title":"DiffSol problem APIs"},"24":{"body":"The simplest way to create a new ode problem is to use the OdeBuilder struct. You can use methods to set the equations to be solve, initial time, initial step size, relative & absolute tolerances, and parameters, or leave them at their default values. Then, call the build method to create a new problem. Below is an example of how to create a new ODE problem using the OdeBuilder struct. The specific problem we will solve is the logistic equation \\[\\frac{dy}{dt} = r y (1 - y/K),\\] where \\(r\\) is the growth rate and \\(K\\) is the carrying capacity. To specify the problem, we need to provide the \\(dy/dt\\) function \\(f(y, p, t)\\), and the jacobian of \\(f\\) multiplied by a vector \\(v\\) function, which we will call \\(f'(y, p, t, v)\\). That is \\[f(y, p, t) = r y (1 - y/K),\\] \\[f'(y, p, t, v) = rv (1 - 2y/K),\\] and the initial state \\[y_0(p, t) = 0.1\\] This can be done using the following code: # fn main() {\nuse diffsol::OdeBuilder;\nuse nalgebra::DVector;\ntype M = nalgebra::DMatrix; let problem = OdeBuilder::::new() .t0(0.0) .rtol(1e-6) .atol([1e-6]) .p(vec![1.0, 10.0]) .rhs_implicit( |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]), |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]), ) .init( |_p, _t| DVector::from_element(1, 0.1), ) .build() .unwrap();\n# } The rhs_implicit method is used to specify the \\(f(y, p, t)\\) and \\(f'(y, p, t, v)\\) functions, whereas the init method is used to specify the initial state vector \\(y_0(p, t)\\). We also use the t0, rtol, atol, and p methods to set the initial time, relative tolerance, absolute tolerance, and parameters, respectively. We have also specified the matrix type M to be nalgebra::DMatrix, using a generic parameter of the OdeBuilder struct. The nalgebra::DMatrix type is a dense matrix type from the nalgebra crate. Other options are: faer::Mat from faer , which is a dense matrix type. diffsol::SparseColMat, which is a thin wrapper around faer::sparse::SparseColMat, a sparse compressed sparse column matrix type. Each of these matrix types have an associated vector type that is used to represent the vectors in the problem (i.e. the state vector \\(y\\), the parameter vector \\(p\\), and the gradient vector \\(v\\)). You can see in the example above that the DVector type is explicitly used to create the initial state vector in the third closure. For these matrix types the associated vector type is: nalgebra::DVector for nalgebra::DMatrix. faer::Col for faer::Mat. faer::Coll for diffsol::SparseColMat.","breadcrumbs":"DiffSol APIs for specifying problems » ODE equations » ODE equations","id":"24","title":"ODE equations"},"25":{"body":"In some cases, it is necessary to include a mass matrix in the problem, such that the problem is of the form \\[M(t) \\frac{dy}{dt} = f(t, y, p).\\] A mass matrix is useful for PDE discretisation that lead to a non-identity mass matrix, or for DAE problems that can be transformed into ODEs with a singular mass matrix. Diffsol can handle singular and non-singular mass matrices, and the mass matrix can be time-dependent.","breadcrumbs":"DiffSol APIs for specifying problems » Mass matrix » Mass matrix","id":"25","title":"Mass matrix"},"26":{"body":"To illustrate the addition of a mass matrix to a problem, we will once again take the logistic equation, but this time we will add an additional variable that is set via an algebraic equation. This system is written as \\[\\frac{dy}{dt} = r y (1 - y/K),\\] \\[0 = y - z,\\] where \\(z\\) is the additional variable with a solution \\(z = y\\). When this system is put in the form \\(M(t) \\frac{dy}{dt} = f(t, y, p)\\), the mass matrix is \\[M(t) = \\begin{bmatrix} 1 & 0 \\\\ 0 & 0 \\end{bmatrix}.\\] Like the Jacobian, the DiffSol builder does not require the full mass matrix, instead users can provide a function that gives a GEMV (General Matrix-Vector) product of the mass matrix with a vector. \\[m(\\mathbf{v}, \\mathbf{p}, t, \\beta, \\mathbf{y}) = M(p, t) \\mathbf{v} + \\beta \\mathbf{y}. \\] Thus, to specify this problem using DiffSol, we can use the OdeBuilder struct and provide the functions: \\[f(\\mathbf{y}, \\mathbf{p}, t) = \\begin{bmatrix} r y_0 (1 - y_0/K) \\\\ y_0 - y_1 \\end{bmatrix},\\] \\[f'(\\mathbf{y}, \\mathbf{p}, t, \\mathbf{v}) = \\begin{bmatrix} r v_0 (1 - 2 y_0/K) \\\\ v_0 - v_1 \\end{bmatrix},\\] \\[m(\\mathbf{v}, \\mathbf{p}, t, \\beta, \\mathbf{y}) = \\begin{bmatrix} v_0 + \\beta y_0 \\\\ \\beta y_1 \\end{bmatrix}.\\] where \\(f\\) is the right-hand side of the ODE, \\(f'\\) is the Jacobian of \\(f\\) multiplied by a vector, and \\(m\\) is the mass matrix multiplied by a vector. # fn main() {\nuse diffsol::OdeBuilder;\nuse nalgebra::{DMatrix, DVector};\ntype M = DMatrix;\ntype V = DVector; let problem = OdeBuilder::::new() .t0(0.0) .rtol(1e-6) .atol([1e-6]) .p(vec![1.0, 10.0]) .rhs_implicit( |x, p, _t, y| { y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]); y[1] = x[0] - x[1]; }, |x, p, _t, v , y| { y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]); y[1] = v[0] - v[1]; }, ) .mass( |v, _p, _t, beta, y| { y[0] = v[0] + beta * y[0]; y[1] *= beta; }, ) .init(|_p, _t| V::from_element(2, 0.1)) .build() .unwrap();\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Mass matrix » Example","id":"26","title":"Example"},"27":{"body":"Root finding is the process of finding the values of the variables that make a set of equations equal to zero. This is a common problem where you want to stop the solver or perform some action when a certain condition is met.","breadcrumbs":"DiffSol APIs for specifying problems » Root finding » Root finding","id":"27","title":"Root finding"},"28":{"body":"Using the logistic example, we can add a root finding function \\(r(y, p, t)\\) that will stop the solver when the value of \\(y\\) is such that \\(r(y, p, t) = 0\\). For this example we'll use the root finding function \\(r(y, p, t) = y - 0.5\\), which will stop the solver when the value of \\(y\\) is 0.5. \\[\\frac{dy}{dt} = r y (1 - y/K),\\] \\[r(y, p, t) = y - 0.5,\\] This can be done using the OdeBuilder via the following code: # fn main() {\nuse diffsol::OdeBuilder;\nuse nalgebra::DVector;\ntype M = nalgebra::DMatrix; let problem = OdeBuilder::::new() .t0(0.0) .rtol(1e-6) .atol([1e-6]) .p(vec![1.0, 10.0]) .rhs_implicit( |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]), |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]), ) .init(|_p, _t| DVector::from_element(1, 0.1)) .root(|x, _p, _t, y| y[0] = x[0] - 0.5, 1) .build() .unwrap();\n# } here we have added the root finding function \\(r(y, p, t) = y - 0.5\\), and also let DiffSol know that we have one root function by passing 1 as the last argument to the root method. If we had specified more than one root function, the solver would stop when any of the root functions are zero.","breadcrumbs":"DiffSol APIs for specifying problems » Root finding » Specifying the root finding function","id":"28","title":"Specifying the root finding function"},"29":{"body":"To detect the root during the solve, we can use the return type on the step method of the solver. If successful the step method returns an OdeSolverStopReason enum that contains the reason the solver stopped. # fn main() {\n# use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverMethod, OdeSolverStopReason, NalgebraLU};\ntype LS = NalgebraLU; # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .root(|x, _p, _t, y| y[0] = x[0] - 0.5, 1)\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet t = loop { match solver.step() { Ok(OdeSolverStopReason::InternalTimestep) => continue, Ok(OdeSolverStopReason::TstopReached) => panic!(\"We didn't set a stop time\"), Ok(OdeSolverStopReason::RootFound(t)) => break t, Err(e) => panic!(\"Solver failed to converge: {}\", e), }\n};\nprintln!(\"Root found at t = {}\", t);\nlet _soln = &solver.state().y;\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Root finding » Detecting roots during the solve","id":"29","title":"Detecting roots during the solve"},"3":{"body":"The order of an ODE is the highest derivative that appears in the equation. So far, we have only looked at first order ODEs, which involve only the first derivative of the state variable with respect to time. However, many physical systems are described by higher order ODEs, which involve second or higher derivatives of the state variable. A simple example of a second order ODE is the motion of a mass under the influence of gravity. The equation of motion for the mass can be written as: \\[ \\frac{d^2x}{dt^2} = -g \\] where \\(x\\) is the position of the mass, \\(t\\) is time, and \\(g\\) is the acceleration due to gravity. This is a second order ODE because it involves the second derivative of the position with respect to time. Higher order ODEs can always be rewritten as a system of first order ODEs by introducing new variables. For example, we can rewrite the second order ODE above as a system of two first order ODEs by introducing a new variable for the velocity of the mass: \\[ \\begin{align*} \\frac{dx}{dt} &= v \\\\ \\frac{dv}{dt} &= -g \\end{align*} \\] where \\(v = \\frac{dx}{dt}\\) is the velocity of the mass. This is a system of two first order ODEs, which can be written in vector form as: \\[ \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] where \\[ \\mathbf{y} = \\begin{bmatrix} x \\\\ v \\end{bmatrix} \\] and \\[ \\mathbf{f}(\\mathbf{y}, t) = \\begin{bmatrix} v \\\\ -g \\end{bmatrix} \\] In the next section, we'll look at another example of a higher order ODE system: the spring-mass system, and solve this using DiffSol.","breadcrumbs":"Modelling with ODEs » Higher Order ODEs » Higher Order ODEs","id":"3","title":"Higher Order ODEs"},"30":{"body":"In this section we will discuss how to compute the forward sensitivity of the solution of an ODE problem. The forward sensitivity is the derivative of the solution with respect to the parameters of the problem. This is useful for many applications, such as parameter estimation, optimal control, and uncertainty quantification.","breadcrumbs":"DiffSol APIs for specifying problems » Forward Sensitivity » Forward Sensitivity","id":"30","title":"Forward Sensitivity"},"31":{"body":"We will again use the example of the logistic growth equation, but this time we will compute the sensitivity of the solution \\(y\\) with respect to the parameters \\(r\\) and \\(K\\) (i.e. \\(\\frac{dy}{dr}\\) and \\(\\frac{dy}{dK}\\)). The logistic growth equation is: \\[\\frac{dy}{dt} = r y (1 - y/K),\\] \\[y(0) = 0.1\\] Recall from ODE equations that we also need to provide the jacobian of the right hand side of the ODE with respect to the state vector \\(y\\) and the gradient vector \\(v\\), which we will call \\(J\\). This is: \\[J v = \\begin{bmatrix} r v (1 - 2 y/K) \\end{bmatrix}.\\] Using the logistic growth equation above, we can compute the partial derivative of the right hand side of the ODE with respect to the vector \\([r, K]\\) multiplied by a vector \\(v = [v_r, v_K]\\), which we will call \\(J_p v\\). This is: \\[J_p v = v_r y (1 - y/K) + v_K r y^2 / K^2 .\\] We also need the partial derivative of the initial state vector with respect to the parameters multiplied by a vector \\(v\\), which we will call \\(J_{y_0} v\\). Since the initial state vector is constant, this is just zero \\[J_{y_0} v = 0.\\] We can then use the OdeBuilder struct to specify the sensitivity problem. The rhs_sens_implicit and init_sens methods are used to create a new problem that includes the sensitivity equations. # fn main() {\nuse diffsol::OdeBuilder;\nuse nalgebra::DVector;\ntype M = nalgebra::DMatrix; let problem = OdeBuilder::::new() .p(vec![1.0, 10.0]) .rhs_sens_implicit( |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]), |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]), |x, p, _t, v, y| y[0] = v[0] * x[0] * (1.0 - x[0] / p[1]) + v[1] * p[0] * x[0] * x[0] / (p[1] * p[1]), ) .init_sens( |_p, _t| DVector::from_element(1, 0.1), |_p, _t, _v, y| y[0] = 0.0, ) .build() .unwrap();\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Forward Sensitivity » Specifying the sensitivity problem","id":"31","title":"Specifying the sensitivity problem"},"32":{"body":"Once the sensitivity problem has been specified, we can solve it using the OdeSolverMethod trait. Lets imagine we want to solve the sensitivity problem up to a time \\(t_o = 10\\). We can use the OdeSolverMethod trait to solve the problem as normal, stepping forward in time until we reach \\(t_o\\). # fn main() {\n# use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverMethod, NalgebraLU};\ntype LS = NalgebraLU; # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_sens_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# |x, p, _t, v, y| y[0] = v[0] * x[0] * (1.0 - x[0] / p[1]) # + v[1] * p[0] * x[0] * x[0] / (p[1] * p[1]),\n# )\n# .init_sens(\n# |_p, _t| DVector::from_element(1, 0.1),\n# |_p, _t, _v, y| y[0] = 0.0,\n# )\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet t_o = 10.0;\nwhile solver.state().t < t_o { solver.step().unwrap();\n}\n# } We can then obtain the sensitivity vectors at time \\(t_o\\) using the interpolate_sens method on the OdeSolverMethod trait. This method returns a Vec> where each element of the vector is the sensitivity vector for element \\(i\\) of the parameter vector at time \\(t_o\\). If we need the sensitivity at the current internal time step, we can get this from the s field of the OdeSolverState struct. # fn main() {\n# use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\n# use diffsol::{OdeSolverMethod, OdeSolverState, NalgebraLU};\n# type LS = NalgebraLU;\n# # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_sens_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# |x, p, _t, v, y| y[0] = v[0] * x[0] * (1.0 - x[0] / p[1]) # + v[1] * p[0] * x[0] * x[0] / (p[1] * p[1]),\n# )\n# .init_sens(\n# |_p, _t| DVector::from_element(1, 0.1),\n# |_p, _t, _v, y| y[0] = 0.0,\n# )\n# .build()\n# .unwrap();\n# let mut solver = problem.bdf::().unwrap();\n# let t_o = 10.0;\n# while solver.state().t < t_o {\n# solver.step().unwrap();\n# }\nlet sens_at_t_o = solver.interpolate_sens(t_o).unwrap();\nlet sens_at_internal_step = &solver.state().s;\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Forward Sensitivity » Solving the sensitivity problem","id":"32","title":"Solving the sensitivity problem"},"33":{"body":"While the OdeBuilder struct is a convenient way to specify the problem, it may not be suitable in all cases. Often users will want to provide their own structs that can hold custom data structures and methods for evaluating the right-hand side of the ODE, the jacobian, and other functions.","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » Custom Problem Structs","id":"33","title":"Custom Problem Structs"},"34":{"body":"To create your own structs for the ode system, the final goal is to implement the OdeEquations trait. When you have done this, you can use the build_from_eqn method on the OdeBuilder struct to create the problem. For each function in your system of equations, you will need to implement the appropriate trait for each function. Non-linear functions (rhs, out, root). In this case the NonLinearOp trait needs to be implemented. Linear functions (mass). In this case the LinearOp trait needs to be implemented. Constant functions (init). In this case the ConstantOp trait needs to be implemented. Additionally, each function needs to implement the base operation trait Op . Once you have implemented the appropriate traits for your custom struct, you can use the OdeBuilder struct to specify the problem.","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » Traits","id":"34","title":"Traits"},"35":{"body":"To illustrate how to implement a custom problem struct, we will take the familar logistic equation: \\[\\frac{dy}{dt} = r y (1 - y/K),\\] Our goal is to implement a custom struct that can evaluate the rhs function \\(f(y, p, t)\\) and the jacobian multiplied by a vector \\(f'(y, p, t, v)\\). First we define an empty struct. For a more complex problem, this struct could hold data structures neccessary to compute the rhs. # fn main() {\ntype T = f64;\ntype V = nalgebra::DVector; struct MyProblem;\n# } Now we will implement the base Op trait for our struct. The Op trait specifies the types of the vectors and matrices that will be used, as well as the number of states and outputs in the rhs function. # fn main() {\nuse diffsol::Op; type T = f64;\ntype V = nalgebra::DVector;\ntype M = nalgebra::DMatrix; # struct MyProblem;\n# # impl MyProblem {\n# fn new() -> Self {\n# MyProblem {}\n# }\n# }\n# impl Op for MyProblem { type T = T; type V = V; type M = M; fn nstates(&self) -> usize { 1 } fn nout(&self) -> usize { 1 } fn nparams(&self) -> usize { 0 }\n}\n# } Next we implement the NonLinearOp and NonLinearOpJacobian trait for our struct. This trait specifies the functions that will be used to evaluate the rhs function and the jacobian multiplied by a vector. # fn main() {\nuse diffsol::{ NonLinearOp, NonLinearOpJacobian\n};\n# use diffsol::Op; # type T = f64;\n# type V = nalgebra::DVector;\n# type M = nalgebra::DMatrix;\n#\n# struct MyProblem;\n# # impl MyProblem {\n# fn new() -> Self {\n# MyProblem { }\n# }\n# }\n# # impl Op for MyProblem {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# } impl<'a> NonLinearOp for MyProblem { fn call_inplace(&self, x: &V, _t: T, y: &mut V) { y[0] = x[0] * (1.0 - x[0]); }\n}\nimpl<'a> NonLinearOpJacobian for MyProblem { fn jac_mul_inplace(&self, x: &V, _t: T, v: &V, y: &mut V) { y[0] = v[0] * (1.0 - 2.0 * x[0]); }\n}\n# } There we go, all done! This demonstrates how to implement a custom struct to specify a rhs function.","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » Non-linear functions » Non-linear functions","id":"35","title":"Non-linear functions"},"36":{"body":"Now we've implemented the rhs function, but how about the initial condition? We can implement the ConstantOp trait to specify the initial condition. Since this is quite similar to the NonLinearOp trait, we will do it all in one go. # fn main() {\nuse diffsol::{Op, ConstantOp}; # type T = f64;\n# type V = nalgebra::DVector;\n# type M = nalgebra::DMatrix;\n#\nstruct MyInit {} impl Op for MyInit { type T = T; type V = V; type M = M; fn nstates(&self) -> usize { 1 } fn nout(&self) -> usize { 1 } fn nparams(&self) -> usize { 0 }\n} impl ConstantOp for MyInit { fn call_inplace(&self, _t: T, y: &mut V) { y[0] = 0.1; }\n}\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » Constant functions » Constant functions","id":"36","title":"Constant functions"},"37":{"body":"Naturally, we can also implement the LinearOp trait if we want to include a mass matrix in our model. A common use case for implementing this trait is to store the mass matrix in a custom struct, like so: # fn main() {\nuse diffsol::{Op, LinearOp}; # type T = f64;\n# type V = nalgebra::DVector;\n# type M = nalgebra::DMatrix;\n#\nstruct MyMass { mass: M,\n} impl MyMass { fn new() -> Self { let mass = M::from_element(1, 1, 1.0); Self { mass } }\n} impl Op for MyMass { type T = T; type V = V; type M = M; fn nstates(&self) -> usize { 1 } fn nout(&self) -> usize { 1 } fn nparams(&self) -> usize { 0 }\n} impl LinearOp for MyMass { fn gemv_inplace(&self, x: &V, _t: T, beta: T, y: &mut V) { y.gemv(1.0, &self.mass, x, beta) }\n}\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » Linear functions » Linear functions","id":"37","title":"Linear functions"},"38":{"body":"So far we've focused on using custom structs to specify individual equations, now we need to put these together to specify the entire system of equations.","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » ODE systems » ODE systems","id":"38","title":"ODE systems"},"39":{"body":"To specify the entire system of equations, you need to implement the Op, OdeEquations and OdeEquationsRef traits for your struct.","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » ODE systems » Implementing the OdeEquations trait","id":"39","title":"Implementing the OdeEquations trait"},"4":{"body":"We will model a damped spring-mass system using a second order ODE. The system consists of a mass \\(m\\) attached to a spring with spring constant \\(k\\), and a damping force proportional to the velocity of the mass with damping coefficient \\(c\\). Spring-mass system The equation of motion for the mass can be written as: \\[ m \\frac{d^2x}{dt^2} = -k x - c \\frac{dx}{dt} \\] where \\(x\\) is the position of the mass, \\(t\\) is time, and the negative sign on the right hand side indicates that the spring force and damping force act in the opposite direction to the displacement of the mass. We can convert this to a system of two first order ODEs by introducing a new variable for the velocity of the mass: \\[ \\begin{align*} \\frac{dx}{dt} &= v \\\\ \\frac{dv}{dt} &= -\\frac{k}{m} x - \\frac{c}{m} v \\end{align*} \\] where \\(v = \\frac{dx}{dt}\\) is the velocity of the mass. We can solve this system of ODEs using DiffSol with the following code: # fn main() {\n# use std::fs;\nuse diffsol::{ DiffSl, CraneliftModule, OdeBuilder, OdeSolverMethod\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\ntype M = nalgebra::DMatrix;\ntype CG = CraneliftModule;\ntype LS = diffsol::NalgebraLU; let eqn = DiffSl::::compile(\" k { 1.0 } m { 1.0 } c { 0.1 } u_i { x = 1, v = 0, } F_i { v, -k/m * x - c/m * v, }\n\").unwrap();\nlet problem = OdeBuilder::::new() .build_from_eqn(eqn).unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet (ys, ts) = solver.solve(40.0).unwrap(); let x: Vec<_> = ys.row(0).into_iter().copied().collect();\nlet time: Vec<_> = ts.into_iter().collect(); let x_line = Scatter::new(time.clone(), x).mode(Mode::Lines); let mut plot = Plot::new();\nplot.add_trace(x_line); let layout = Layout::new() .x_axis(Axis::new().title(\"t\")) .y_axis(Axis::new().title(\"x\"));\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"sping-mass-system\"));\n# fs::write(\"../src/primer/images/spring-mass-system.html\", plot_html).expect(\"Unable to write file\");\n# }","breadcrumbs":"Modelling with ODEs » Higher Order ODEs » Example: Spring-mass systems » Example: Spring-mass systems","id":"4","title":"Example: Spring-mass systems"},"40":{"body":"The OdeEquations trait requires methods that return objects corresponding to the right-hand side function, mass matrix, root function, initial condition, and output functions. Therefore, you need to already have structs that implement the NonLinearOp, LinearOp, and ConstantOp traits for these functions. For the purposes of this example, we will assume that you have already implemented these traits for your structs. Often, the structs that implement these traits will have to use data defined in the struct that implements the OdeEquations trait. For example, they might wish to have a reference to the same parameter vector p. Therefore, you will often need to define lifetimes for these structs to ensure that they can access the data they need. Note that these struct will need to be lightweight and should not contain a significant amount of data. The data should be stored in the struct that implements the OdeEquations trait. This is because these structs will be created and destroyed many times during the course of the simulation (e.g. every time the right-hand side function is called). # fn main() {\ntype T = f64;\ntype V = nalgebra::DVector;\ntype M = nalgebra::DMatrix;\nstruct MyRhs<'a> { p: &'a V } // implements NonLinearOp\nstruct MyMass<'a> { p: &'a V } // implements LinearOp\nstruct MyInit<'a> { p: &'a V } // implements ConstantOp\nstruct MyRoot<'a> { p: &'a V } // implements NonLinearOp\nstruct MyOut<'a> { p: &'a V } // implements NonLinearOp\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » ODE systems » Getting all your traits in order","id":"40","title":"Getting all your traits in order"},"41":{"body":"Lets imagine we have a struct MyProblem that we want to use to specify the entire system of equations. We can implement the Op, OdeEquations, and OdeEquationsRef traits for this struct like so: use diffsol::{Op, NonLinearOp, LinearOp, ConstantOp, OdeEquations, OdeEquationsRef};\n# fn main() {\n# type T = f64;\n# type V = nalgebra::DVector;\n# type M = nalgebra::DMatrix;\n# struct MyRhs<'a> { p: &'a V } // implements NonLinearOp\n# struct MyMass<'a> { p: &'a V } // implements LinearOp\n# struct MyInit<'a> { p: &'a V } // implements ConstantOp\n# struct MyRoot<'a> { p: &'a V } // implements NonLinearOp\n# struct MyOut<'a> { p: &'a V } // implements NonLinearOp\n# impl Op for MyRhs<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 2\n# }\n# }\n# impl NonLinearOp for MyRhs<'_> {\n# fn call_inplace(&self, x: &V, _t: T, y: &mut V) {\n# y[0] = x[0] * x[0];\n# }\n# }\n# impl Op for MyMass<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl LinearOp for MyMass<'_> {\n# fn gemv_inplace(&self, x: &V, _t: T, beta: T, y: &mut V) {\n# y[0] = x[0] * beta;\n# }\n# }\n# impl Op for MyInit<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl ConstantOp for MyInit<'_> {\n# fn call_inplace(&self, _t: T, y: &mut V) {\n# y[0] = 0.1;\n# }\n# }\n# impl Op for MyRoot<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl NonLinearOp for MyRoot<'_> {\n# fn call_inplace(&self, x: &V, _t: T, y: &mut V) {\n# y[0] = x[0] - 1.0;\n# }\n# }\n# impl Op for MyOut<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl NonLinearOp for MyOut<'_> {\n# fn call_inplace(&self, x: &V, _t: T, y: &mut V) {\n# y[0] = x[0];\n# }\n# } struct MyProblem { p: V,\n} impl MyProblem { fn new() -> Self { MyProblem { p: V::zeros(2) } }\n} impl Op for MyProblem { type T = T; type V = V; type M = M; fn nstates(&self) -> usize { 1 } fn nout(&self) -> usize { 1 } fn nparams(&self) -> usize { 2 }\n} impl<'a> OdeEquationsRef<'a> for MyProblem { type Rhs = MyRhs<'a>; type Mass = MyMass<'a>; type Init = MyInit<'a>; type Root = MyRoot<'a>; type Out = MyOut<'a>;\n} impl OdeEquations for MyProblem { fn rhs(&self) -> >::Rhs { MyRhs { p: &self.p } } fn mass(&self) -> Option<>::Mass> { Some(MyMass { p: &self.p }) } fn init(&self) -> >::Init { MyInit { p: &self.p } } fn root(&self) -> Option<>::Root> { Some(MyRoot { p: &self.p }) } fn out(&self) -> Option<>::Out> { Some(MyOut { p: &self.p }) } fn set_params(&mut self, p: &V) { self.p.copy_from(p); }\n}\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » ODE systems » Implementing the OdeEquations traits","id":"41","title":"Implementing the OdeEquations traits"},"42":{"body":"Now that we have our custom OdeEquations struct, we can use it in an OdeBuilder to create the problem. Hint: click the button below to see the full code, which includes the implementation of the Op, NonLinearOp, LinearOp, and ConstantOp traits for the MyRhs, MyMass, MyInit, MyRoot, and MyOut structs. use diffsol::{Op, NonLinearOp, LinearOp, ConstantOp, OdeEquations, OdeEquationsRef};\n# fn main() {\n# type T = f64;\n# type V = nalgebra::DVector;\n# type M = nalgebra::DMatrix;\n# struct MyRhs<'a> { p: &'a V } // implements NonLinearOp\n# struct MyMass<'a> { p: &'a V } // implements LinearOp\n# struct MyInit<'a> { p: &'a V } // implements ConstantOp\n# struct MyRoot<'a> { p: &'a V } // implements NonLinearOp\n# struct MyOut<'a> { p: &'a V } // implements NonLinearOp\n# impl Op for MyRhs<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 2\n# }\n# }\n# impl NonLinearOp for MyRhs<'_> {\n# fn call_inplace(&self, x: &V, _t: T, y: &mut V) {\n# y[0] = x[0] * x[0];\n# }\n# }\n# impl Op for MyMass<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl LinearOp for MyMass<'_> {\n# fn gemv_inplace(&self, x: &V, _t: T, beta: T, y: &mut V) {\n# y[0] = x[0] * beta;\n# }\n# }\n# impl Op for MyInit<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl ConstantOp for MyInit<'_> {\n# fn call_inplace(&self, _t: T, y: &mut V) {\n# y[0] = 0.1;\n# }\n# }\n# impl Op for MyRoot<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl NonLinearOp for MyRoot<'_> {\n# fn call_inplace(&self, x: &V, _t: T, y: &mut V) {\n# y[0] = x[0] - 1.0;\n# }\n# }\n# impl Op for MyOut<'_> {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 0\n# }\n# }\n# impl NonLinearOp for MyOut<'_> {\n# fn call_inplace(&self, x: &V, _t: T, y: &mut V) {\n# y[0] = x[0];\n# }\n# }\n# # struct MyProblem {\n# p: V,\n# }\n# # impl MyProblem {\n# fn new() -> Self {\n# MyProblem { p: V::zeros(2) }\n# }\n# }\n# # impl Op for MyProblem {\n# type T = T;\n# type V = V;\n# type M = M;\n# fn nstates(&self) -> usize {\n# 1\n# }\n# fn nout(&self) -> usize {\n# 1\n# }\n# fn nparams(&self) -> usize {\n# 2\n# }\n# }\n# # impl<'a> OdeEquationsRef<'a> for MyProblem {\n# type Rhs = MyRhs<'a>;\n# type Mass = MyMass<'a>;\n# type Init = MyInit<'a>;\n# type Root = MyRoot<'a>;\n# type Out = MyOut<'a>;\n# }\n# # impl OdeEquations for MyProblem {\n# fn rhs(&self) -> >::Rhs {\n# MyRhs { p: &self.p }\n# }\n# fn mass(&self) -> Option<>::Mass> {\n# Some(MyMass { p: &self.p })\n# }\n# fn init(&self) -> >::Init {\n# MyInit { p: &self.p }\n# }\n# fn root(&self) -> Option<>::Root> {\n# Some(MyRoot { p: &self.p })\n# }\n# fn out(&self) -> Option<>::Out> {\n# Some(MyOut { p: &self.p })\n# }\n# fn set_params(&mut self, p: &V) {\n# self.p.copy_from(p);\n# }\n# }\nuse diffsol::OdeBuilder;\nlet problem = OdeBuilder::::new() .p(vec![1.0, 10.0]) .build_from_eqn(MyProblem::new()) .unwrap();\n# }","breadcrumbs":"DiffSol APIs for specifying problems » Custom Problem Structs » ODE systems » Creating the problem","id":"42","title":"Creating the problem"},"43":{"body":"Thus far we have used Rust code to specify the problem we want to solve. This is fine if you are using DiffSol from Rust, but what if you want to use DiffSol from a higher-level language like Python or R? For this usecase we have designed a Domain Specific Language (DSL) called DiffSL that can be used to specify the problem. DiffSL is not a general purpose language but is tightly constrained to the specification of a system of ordinary differential equations. It features a relatively simple syntax that consists of writing a series of tensors (dense or sparse) that represent the equations of the system. For more detail on the syntax of DiffSL see the DiffSL book . This section will focus on how to use DiffSL to specify a problem in DiffSol.","breadcrumbs":"DiffSol APIs for specifying problems » DiffSL » DiffSL","id":"43","title":"DiffSL"},"44":{"body":"The main struct that is used to specify a problem in DiffSL is the DiffSl struct. Creating this struct Just-In-Time (JIT) compiles your DiffSL code into a form that can be executed efficiently by DiffSol. # fn main() {\nuse diffsol::{DiffSl, CraneliftModule};\ntype M = nalgebra::DMatrix;\ntype CG = CraneliftModule; let eqn = DiffSl::::compile(\" in = [r, k] r { 1.0 } k { 1.0 } u { 0.1 } F { r * u * (1.0 - u / k) }\n\").unwrap();\n# } The CG parameter specifies the backend that you want to use to compile the DiffSL code. The CraneliftModule backend is the default backend and is behind the diffsl feature flag. If you want to use the faster LLVM backend you can use the LlvmModule backend, which is behind one of the diffsl-llvm* feature flags, depending on the version of LLVM you have installed. Once you have created the DiffSl struct you can use it to create a problem using the build_from_eqn method on the OdeBuilder struct. # fn main() {\n# use diffsol::{DiffSl, CraneliftModule};\nuse diffsol::{OdeBuilder, OdeSolverMethod, OdeSolverState};\n# type M = nalgebra::DMatrix;\n# type CG = CraneliftModule;\ntype LS = diffsol::NalgebraLU; # let eqn = DiffSl::::compile(\"\n# in = [r, k]\n# r { 1.0 }\n# k { 1.0 }\n# u { 0.1 }\n# F { r * u * (1.0 - u / k) }\n# \").unwrap();\nlet problem = OdeBuilder::::new()\n.rtol(1e-6)\n.p([1.0, 10.0])\n.build_from_eqn(eqn).unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet t = 0.4;\nlet _soln = solver.solve(t).unwrap();\n# }","breadcrumbs":"DiffSol APIs for specifying problems » DiffSL » DiffSL Context","id":"44","title":"DiffSL Context"},"45":{"body":"Lets consider a large system of equations that have a jacobian matrix that is sparse. For simplicity we will start with the logistic equation from the \"Specifying the Problem\" section, but we will duplicate this equation 10 times to create a system of 10 equations. This system will have a jacobian matrix that is a diagonal matrix with 10 diagonal elements, and all other elements are zero. Since this system is sparse, we choose a sparse matrix type to represent the jacobian matrix. We will use the diffsol::SparseColMat type, which is a thin wrapper around faer::sparse::SparseColMat, a sparse compressed sparse column matrix type. # fn main() {\nuse diffsol::OdeBuilder;\ntype M = diffsol::SparseColMat;\ntype V = faer::Col; let problem = OdeBuilder::::new() .t0(0.0) .rtol(1e-6) .atol([1e-6]) .p(vec![1.0, 10.0]) .rhs_implicit( |x, p, _t, y| { for i in 0..10 { y[i] = p[0] * x[i] * (1.0 - x[i] / p[1]); } }, |x, p, _t, v , y| { for i in 0..10 { y[i] = p[0] * v[i] * (1.0 - 2.0 * x[i] / p[1]); } }, ) .init( |_p, _t| V::from_fn(10, |_| 0.1), ) .build() .unwrap();\n# } Note that we have not specified the jacobian itself, but instead we have specified the jacobian multiplied by a vector function \\(f'(y, p, t, v)\\). DiffSol will use this function to generate a jacobian matrix, and since we have specified a sparse matrix type, DiffSol will attempt to guess the sparsity pattern of the jacobian matrix and use this to efficiently generate the jacobian matrix. To illustrate this, we can calculate the jacobian matrix from the rhs function contained in the problem object: # use diffsol::OdeBuilder;\nuse diffsol::{OdeEquations, NonLinearOp, NonLinearOpJacobian, Matrix, ConstantOp}; # type M = diffsol::SparseColMat;\n# type V = faer::Col;\n#\n# fn main() {\n# let problem = OdeBuilder::::new()\n# .t0(0.0)\n# .rtol(1e-6)\n# .atol([1e-6])\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| {\n# for i in 0..10 {\n# y[i] = p[0] * x[i] * (1.0 - x[i] / p[1]);\n# }\n# },\n# |x, p, _t, v , y| {\n# for i in 0..10 {\n# y[i] = p[0] * v[i] * (1.0 - 2.0 * x[i] / p[1]);\n# }\n# },\n# )\n# .init(\n# |_p, _t| V::from_fn(10, |_| 0.1),\n# )\n# .build()\n# .unwrap();\nlet t0 = problem.t0;\nlet y0 = problem.eqn.init().call(t0);\nlet jacobian = problem.eqn.rhs().jacobian(&y0, t0);\nfor (i, j, v) in jacobian.triplet_iter() { println!(\"({}, {}) = {}\", i, j, v);\n}\n# } which will print the jacobian matrix in triplet format: (0, 0) = 0.98\n(1, 1) = 0.98\n(2, 2) = 0.98\n(3, 3) = 0.98\n(4, 4) = 0.98\n(5, 5) = 0.98\n(6, 6) = 0.98\n(7, 7) = 0.98\n(8, 8) = 0.98\n(9, 9) = 0.98 DiffSol attempts to guess the sparsity pattern of your jacobian matrix by calling the \\(f'(y, p, t, v)\\) function repeatedly with different one-hot vectors \\(v\\) with a NaN value at each hot index. The output of this function (i.e. which elements are 0 and which are NaN) is then used to determine the sparsity pattern of the jacobian matrix. Due to the fact that for IEEE 754 floating point numbers, NaN is propagated through most operations, this method is able to detect which output elements are dependent on which input elements. However, this method is not foolproof, and it may fail to detect the correct sparsity pattern in some cases, particularly if values of v are used in control-flow statements. If DiffSol does not detect the correct sparsity pattern, you can manually specify the jacobian. To do this, you need to use a custom struct that implements the OdeEquations trait, This is described in more detail in the \"Custom Problem Structs\" section.","breadcrumbs":"DiffSol APIs for specifying problems » Sparse problems » Sparse problems","id":"45","title":"Sparse problems"},"46":{"body":"Once you have defined the problem, you need to create a solver to solve the problem. The available solvers are: diffsol::Bdf : A Backwards Difference Formulae solver, suitable for stiff problems and singular mass matrices. diffsol::Sdirk A Singly Diagonally Implicit Runge-Kutta (SDIRK or ESDIRK) solver. You can define your own butcher tableau using Tableau or use one of the pre-defined tableaues. For each solver, you will need to specify the linear solver type to use. The available linear solvers are: diffsol::NalgebraLU : A LU decomposition solver using the nalgebra crate. diffsol::FaerLU : A LU decomposition solver using the faer crate. diffsol::FaerSparseLU : A sparse LU decomposition solver using the faer crate. Each solver can be created directly, but it generally easier to use the methods on the OdeSolverProblem struct to create the solver. For example: # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\nuse diffsol::{OdeSolverState, NalgebraLU, BdfState, Tableau, SdirkState};\n# type M = nalgebra::DMatrix;\ntype LS = NalgebraLU;\n# fn main() {\n# # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\n// Create a BDF solver with an initial state\nlet solver = problem.bdf::(); // Create a non-initialised state and manually set the values before\n// creating the solver\nlet state = BdfState::new_without_initialise(&problem).unwrap();\n// ... set the state values manually\nlet solver = problem.bdf_solver::(state); // Create a SDIRK solver with a pre-defined tableau\nlet tableau = Tableau::::tr_bdf2();\nlet state = problem.sdirk_state::(&tableau).unwrap();\nlet solver = problem.sdirk_solver::(state, tableau); // Create a tr_bdf2 or esdirk34 solvers directly (both are SDIRK solvers with different tableaus)\nlet solver = problem.tr_bdf2::();\nlet solver = problem.esdirk34::(); // Create a non-initialised state and manually set the values before\n// creating the solver\nlet state = SdirkState::new_without_initialise(&problem).unwrap();\n// ... set the state values manually\nlet solver = problem.tr_bdf2_solver::(state);\n# }","breadcrumbs":"Choosing a solver » Choosing a solver","id":"46","title":"Choosing a solver"},"47":{"body":"Each solver has an internal state that holds information like the current state vector, the gradient of the state vector, the current time, and the current step size. When you create a solver using the bdf or sdirk methods on the OdeSolverProblem struct, the solver will be initialised with an initial state based on the initial conditions of the problem as well as satisfying any algebraic constraints. An initial time step will also be chosen based on your provided equations. Each solver's state struct implements the OdeSolverState trait, and if you wish to manually create and setup a state, you can use the methods on this trait to do so. For example, say that you wish to bypass the initialisation of the state as you already have the algebraic constraints and so don't need to solve for them. You can use the new_without_initialise method on the OdeSolverState trait to create a new state without initialising it. You can then use the as_mut method to get a mutable reference to the state and set the values manually. Note that each state struct has a as_ref and as_mut methods that return a StateRef or 'StateRefMut` struct respectively. These structs provide a solver-independent way to access the state values so you can use the same code with different solvers. # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverState, NalgebraLU, BdfState};\ntype LS = NalgebraLU; # fn main() {\n# # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\nlet mut state = BdfState::new_without_initialise(&problem).unwrap();\nstate.as_mut().y[0] = 0.1;\nlet mut solver = problem.bdf_solver::(state);\n# }","breadcrumbs":"Choosing a solver » Initialisation","id":"47","title":"Initialisation"},"48":{"body":"Each solver implements the OdeSolverMethod trait, which provides a number of methods to solve the problem.","breadcrumbs":"Solving the problem » Solving the Problem","id":"48","title":"Solving the Problem"},"49":{"body":"DiffSol has a few high-level solution functions on the OdeSolverMethod trait that are the easiest way to solve your equations: solve - solve the problem from an initial state up to a specified time, returning the solution at all the internal timesteps used by the solver. solve_dense - solve the problem from an initial state, returning the solution at a Vec of times provided by the user. ['solve_dense_sensitivities](https://docs.rs/diffsol/latest/diffsol/ode_solver/method/trait.OdeSolverMethod.html#method.solve_dense_sensitivities) - solve the forward sensitivity problem from an initial state, returning the solution at a Vec` of times provided by the user. 'solve_adjoint' - solve the adjoint sensitivity problem from an initial state to a final time, returning the integration of the output function over time as well as its gradient with respect to the initial state. The following example shows how to solve a simple ODE problem using the solve method on the OdeSolverMethod trait. # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\nuse diffsol::{OdeSolverMethod, NalgebraLU};\ntype M = nalgebra::DMatrix;\ntype LS = NalgebraLU; # fn main() {\n# let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet (ys, ts) = solver.solve(10.0).unwrap();\n# } solve_dense will solve a problem from an initial state, returning the solution at a Vec of times provided by the user. # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverMethod, NalgebraLU};\ntype LS = NalgebraLU; # fn main() {\n# let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet times = vec![0.0, 1.0, 2.0, 3.0, 4.0, 5.0];\nlet _soln = solver.solve_dense(×).unwrap();\n# }","breadcrumbs":"Solving the problem » Solving the Problem","id":"49","title":"Solving the Problem"},"5":{"body":"ODEs describe the continuous evolution of a system over time, but many systems also involve discrete events that occur at specific times. For example, in a compartmental model of drug delivery, the administration of a drug is a discrete event that occurs at a specific time. In a bouncing ball model, the collision of the ball with the ground is a discrete event that changes the state of the system. It is normally difficult to model these events using ODEs alone, as they require a different approach to handle the discontinuities in the system. While we can represent discrete events mathematically using delta functions, many ODE solvers are not designed to handle these discontinuities, and may produce inaccurate results or fail to converge during the integration. DiffSol provides a way to model discrete events in a system of ODEs by maintaining an internal state of each solver that can be updated when a discrete event occurs. Each solver has an internal state that holds information such as the current time \\(t\\), the current state of the system \\(\\mathbf{y}\\), and other solver-specific information. When a discrete event occurs, the user can update the internal state of the solver to reflect the change in the system, and then continue the integration of the ODEs as normal. DiffSol also provides a way to stop the integration of the ODEs, either at a specific time or when a specific condition is met. This can be useful for modelling systems with discrete events, as it allows the user to control the integration of the ODEs and to handle the events in a flexible way. The Solving the Problem and Root Finding sections provides an introduction to the API for solving ODEs and detecting events with DiffSol. In the next two sections, we will look at two examples of systems with discrete events: compartmental models of drug delivery and bouncing ball models, and solve them using DiffSol using this API.","breadcrumbs":"Modelling with ODEs » Discrete Events » Discrete Events","id":"5","title":"Discrete Events"},"50":{"body":"The fundamental method to step the solver through a solution is the step method on the OdeSolverMethod trait, which steps the solution forward in time by a single step, with a step size chosen by the solver in order to satisfy the error tolerances in the problem struct. The step method returns a Result that contains the new state of the solution if the step was successful, or an error if the step failed. # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverMethod, NalgebraLU};\ntype LS = NalgebraLU; # fn main() {\n# # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nwhile solver.state().t < 10.0 { if let Err(_) = solver.step() { break; }\n}\n# } The step method will return an error if the solver fails to converge to the solution or if the step size becomes too small. Often you will want to get the solution at a specific time \\(t_o\\). There are two ways to do this based on your particular needs, the most lightweight way is to step the solution forward until you are beyond \\(t_o\\), and then interpolate the solution back to \\(t_o\\) using the interpolate method on the OdeSolverMethod trait. # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverMethod, NalgebraLU};\ntype LS = NalgebraLU; # fn main() {\n# # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet t_o = 10.0;\nwhile solver.state().t < t_o { solver.step().unwrap();\n}\nlet _soln = solver.interpolate(t_o).unwrap();\n# } The second way is to use the set_stop_time method on the OdeSolverMethod trait to stop the solver at a specific time, this will override the internal time step so that the solver stops at the specified time. Note that this can be less efficient if you wish to continue stepping forward after the specified time, as the solver will need to be re-initialised. The enum returned by step will indicate when the solver has stopped at the specified time. Once the solver has stopped at the specified time, you can get the current state of the solution using the state method on the solver, which returns an OdeSolverState struct. # use diffsol::OdeBuilder;\n# use nalgebra::DVector;\n# type M = nalgebra::DMatrix;\nuse diffsol::{OdeSolverMethod, OdeSolverStopReason, NalgebraLU};\ntype LS = NalgebraLU; # fn main() {\n# # let problem = OdeBuilder::::new()\n# .p(vec![1.0, 10.0])\n# .rhs_implicit(\n# |x, p, _t, y| y[0] = p[0] * x[0] * (1.0 - x[0] / p[1]),\n# |x, p, _t, v , y| y[0] = p[0] * v[0] * (1.0 - 2.0 * x[0] / p[1]),\n# )\n# .init(|_p, _t| DVector::from_element(1, 0.1))\n# .build()\n# .unwrap();\nlet mut solver = problem.bdf::().unwrap();\nsolver.set_stop_time(10.0).unwrap();\nloop { match solver.step() { Ok(OdeSolverStopReason::InternalTimestep) => continue, Ok(OdeSolverStopReason::TstopReached) => break, Ok(OdeSolverStopReason::RootFound(_)) => panic!(\"Root finding not used\"), Err(e) => panic!(\"Solver failed to converge: {}\", e), }\n}\nlet _soln = &solver.state().y;\n# }","breadcrumbs":"Solving the problem » Stepping the Solution","id":"50","title":"Stepping the Solution"},"51":{"body":"The goal of this chapter is to compare the performance of the DiffSol implementation with other similar ode solver libraries. To begin with we have focused on comparing against the popular Sundials solver suite, developed by the Lawrence Livermore National Laboratory.","breadcrumbs":"Benchmarks » Benchmarks","id":"51","title":"Benchmarks"},"52":{"body":"To choose the test problems we have used several of the examples provided in the Sundials library. The problems are: robertson : A stiff DAE system with 3 equations (2 differential and 1 algebraic). In Sundials this is part of the IDA examples and is contained in the file ida/serial/idaRoberts_dns.c. In Sundials the problem is solved using the Sundials dense linear solver and Sunmatrix_Dense, in DiffSol we use the dense LU linear solver, dense matrices and vectors from the nalgebra library. robertson_ode: The same problem as robertson but in the form of an ODE. This problem has a variable size implemented by duplicating the 3 original equations \\(n^2\\) times, where \\(n\\) is the size input parameter. In Sundials problem is solved using the KLU sparse linear solver and the Sunmatrix_Sparse matrix, and in DiffSol we use the same KLU solver from the SuiteSparse library along with the faer sparse matrix. This example is part of the Sundials CVODE examples and is contained in the file cvode/serial/cvRoberts_block_klu.c. heat2d: A 2D heat DAE problem with boundary conditions imposed via algebraic equations. The size \\(n\\) input parameter sets the number of grid points along each dimension, so the total number of equations is \\(n^2\\). This is part of the IDA examples and is contained in the file ida/serial/idaHeat2D_klu.c. In Sundials this problem is solved using the KLU sparse linear solver and the Sunmatrix_Sparse matrix, and in DiffSol we use the same KLU solver along with the faer sparse matrix. foodweb: A predator-prey problem with diffusion on a 2D grid. The size \\(n\\) input parameter sets the number of grid points along each dimension and we have 2 species, so the total number of equations is \\(2n^2\\) This is part of the IDA examples and is contained in the file ida/serial/idaFoodWeb_bnd.c. In Sundials the problem is solved using a banded linear solver and the Sunmatrix_Band matrix. DiffSol does not have a banded linear solver, so we use the KLU solver for this problem along with the faer sparse matrix.","breadcrumbs":"Benchmarks » Test Problems","id":"52","title":"Test Problems"},"53":{"body":"In each case we have taken the example files from the Sundials library at version 6.7.0, compiling and linking them against the same version of the code. We have made minimal modifications to the files to remove all printf output and to change the main functions to named functions to allow them to be called from rust. We have then implemented the same problem in Rust using the DiffSol library, porting the residual functions defined in the Sundials examples to DiffSol-compatible functions representing the RHS, mass matrix and jacobian multiplication functions for the problem. We have used the outputs published in the Sundials examples as the reference outputs for the tests to ensure that the implementations are equivalent. The relative and absolute tolerances for the solvers were set to the same values in both implementations. There are a number of differences between the Sundials and DiffSol implementations that may affect the performance of the solvers. The main differences are: The Sundials IDA solver has the problem defined as a general DAE system, while the DiffSol solver has access to the RHS and mass matrix functions separately. The Sundials CVODE solver has the problem defined as an ODE system and the mass is implicitly an identity matrix, and this is the same for the DiffSol implementation for the robertson_ode problem. In the Sundials examples that use a user-defined jacobian (robertson, robertson_ode, heat2d), the jacobian is provided as a sparse or dense matrix. In DiffSol the jacobian is provided as a function that multiplies the jacobian by a vector, so DiffSol needs to do additional work to generate a jacobian matrix from this function. Generally the types of matrices and linear solver are matched between the two implementations (see details in the \"Test Problems\" section above). However, the foodweb problem is slightly different in that it is solved in Sundials using a banded linear solver and banded matrices and the jacobian is calculated using finite differences. In DiffSol we use the KLU sparse linear solver and sparse matrices, and the jacobian is calculated using the jacobian function provided by the user. The Sundials implementations make heavy use of indexing into arrays, as does the DiffSol implementations. In Rust these indexing is bounds checked, which affects performance slightly but was not found to be a significant factor. Finally, we have also implemented the robertson, heat2d and foodweb problems in the DiffSl language. For the heat2d and foodweb problems we wrote out the diffusion matrix and mass matrix from the Rust implementations and wrote the rest of the model by hand. For the robertson problem we wrote the entire model by hand.","breadcrumbs":"Benchmarks » Method","id":"53","title":"Method"},"54":{"body":"These results were generated using DiffSol v0.2.1. The performance of each implementation was timed and includes all setup and solve time. The exception to this is for the DiffSl implementations, where the JIT compilation for the model was not included in the timings (since the compilation time for the C and Rust code was also not included). We have presented the results in the following graphs, where the x-axis is the size of the problem \\(n\\) and the y-axis is the time taken to solve the problem relative to the time taken by the Sundials implementation (so \\(10^0\\) is the same time as Sundials, \\(10^1\\) is 10 times slower etc.)","breadcrumbs":"Benchmarks » Results","id":"54","title":"Results"},"55":{"body":"Bdf The BDF solver is the same method as that used by the Sundials IDA and CVODE solvers so we expect the performance to be largely similar, and this is generally the case. There are differences due to the implementation details for each library, and the differences in the implementations for the linear solvers and matrices as discussed above. For the small, dense, stiff robertson problem the DiffSol implementation is very close and only slightly faster than Sundials (about 0.9). For the sparse heat2d problem the DiffSol implementation is slower than Sundials for smaller problems (about 2) but the performance improves significantly for larger problems until it is at about 0.3. Since this improvement for larger systems is not seen in foodweb or robertson_ode problems, it is likely due to the fact that the heat2d problem has a constant jacobian matrix and the DiffSol implementation has an advantage in this case. For the foodweb problem the DiffSol implementation is quite close to IDA for all sizes. It is again slower for small systems (about 1.5) and the performance improves for medium systems until it reaches a value of 0.7, but then performance starts to slowly decrease for larger systems until it is about 1.0 The DiffSol implementation of the robertson_ode problem is the only problem generally slower then the Sundials CVODE implementation and is about 1.5 - 1.9 the time taken by Sundials. Since the same method and linear solver is used in both cases the cause of this discrepancy is not due to these factors, but is likely due to the differences in how the jacobian is calculated (in Sundials it is provided directly, but DiffSol is required to calculate it from the jacobian multiplication function).","breadcrumbs":"Benchmarks » Bdf solver","id":"55","title":"Bdf solver"},"56":{"body":"Bdf + DiffSl The main difference between this plot and the previous for the Bdf solver is the use of the DiffSl language for the equations, rather than Rust closures. The trends in each case are mostly the same, and the DiffSl implementation only has a small slowdown comparared with rust closures for most problems. This difference is minimal, and can be seen most clearly for the small robertson problem where the DiffSl implementation is just above 1.0 times the speed of the Sundials implementation, while the rust closure implementation is about 0.9. However, for some larger systems the DiffSl can be faster, for example the foodweb problem is quicker at larger sizes, which is probably due to the fact that the rust closures bound-check the array indexing, while the DiffSl implementation does not. This plot demonstrates that a DiffSL implementation can be comparable in speed to a hand-written Rust or C implementation, but much more easily wrapped and used from a high-level language like Python or R, where the equations can be passed down to the rust solver as a simple string and then JIT compiled at runtime.","breadcrumbs":"Benchmarks » Bdf + DiffSl","id":"56","title":"Bdf + DiffSl"},"6":{"body":"The field of Pharmacokinetics (PK) provides a quantitative basis for describing the delivery of a drug to a patient, the diffusion of that drug through the plasma/body tissue, and the subsequent clearance of the drug from the patient's system. PK is used to ensure that there is sufficient concentration of the drug to maintain the required efficacy of the drug, while ensuring that the concentration levels remain below the toxic threshold. Pharmacokinetic (PK) models are often combined with Pharmacodynamic (PD) models, which model the positive effects of the drug, such as the binding of a drug to the biological target, and/or undesirable side effects, to form a full PKPD model of the drug-body interaction. This example will only focus on PK, neglecting the interaction with a PD model. Fig 1 PK enables the following processes to be quantified: Absorption Distribution Metabolism Excretion These are often referred to as ADME, and taken together describe the drug concentration in the body when medicine is prescribed. These ADME processes are typically described by zeroth-order or first-order rate reactions modelling the dynamics of the quantity of drug $q$, with a given rate parameter $k$, for example: \\[ \\frac{dq}{dt} = -k^*, \\] \\[ \\frac{dq}{dt} = -k q. \\] The body itself is modelled as one or more compartments , each of which is defined as a kinetically homogeneous unit (these compartments do not relate to specific organs in the body, unlike Physiologically based pharmacokinetic, PBPK, modeling). There is typically a main central compartment into which the drug is administered and from which the drug is excreted from the body, combined with zero or more peripheral compartments to which the drug can be distributed to/from the central compartment (See Fig 2). Each peripheral compartment is only connected to the central compartment. Fig 2 The following example PK model describes the two-compartment model shown diagrammatically in the figure above. The time-dependent variables to be solved are the drug quantity in the central and peripheral compartments, $q_c$ and $q_{p1}$ (units: [ng]) respectively. \\[ \\frac{dq_c}{dt} = \\text{Dose}(t) - \\frac{q_c}{V_c} CL - Q_{p1} \\left ( \\frac{q_c}{V_c} - \\frac{q_{p1}}{V_{p1}} \\right ), \\] \\[ \\frac{dq_{p1}}{dt} = Q_{p1} \\left ( \\frac{q_c}{V_c} - \\frac{q_{p1}}{V_{p1}} \\right ). \\] This model describes an intravenous bolus dosing protocol, with a linear clearance from the central compartment (non-linear clearance processes are also possible, but not considered here). The dose function $\\text{Dose}(t)$ will consist of instantaneous doses of $X$ ng of the drug at one or more time points. The other input parameters to the model are: \\(V_c\\) [mL], the volume of the central compartment \\(V_{p1}\\) [mL], the volume of the first peripheral compartment \\(CL\\) [mL/h], the clearance/elimination rate from the central compartment \\(Q_{p1}\\) [mL/h], the transition rate between central compartment and peripheral compartment 1 We will solve this system of ODEs using the DiffSol crate. Rather than trying to write down the dose function as a mathematical function, we will neglect the dose function from the equations and instead using DiffSol's API to specify the dose at specific time points. First lets write down the equations in the standard form of a first order ODE system: \\[ \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] where \\[ \\mathbf{y} = \\begin{bmatrix} q_c \\\\ q_{p1} \\end{bmatrix} \\] and \\[ \\mathbf{f}(\\mathbf{y}, t) = \\begin{bmatrix} - \\frac{q_c}{V_c} CL - Q_{p1} \\left ( \\frac{q_c}{V_c} - \\frac{q_{p1}}{V_{p1}} \\right ) \\\\ Q_{p1} \\left ( \\frac{q_c}{V_c} - \\frac{q_{p1}}{V_{p1}} \\right ) \\end{bmatrix} \\] We will also need to specify the initial conditions for the system: \\[ \\mathbf{y}(0) = \\begin{bmatrix} 0 \\\\ 0 \\end{bmatrix} \\] For the dose function, we will specify a dose of 1000 ng at regular intervals of 6 hours. We will also specify the other parameters of the model: \\[ V_c = 1000 \\text{ mL}, \\quad V_{p1} = 1000 \\text{ mL}, \\quad CL = 100 \\text{ mL/h}, \\quad Q_{p1} = 50 \\text{ mL/h} \\] Let's now solve this system of ODEs using DiffSol. # fn main() {\n# use std::fs;\nuse diffsol::{ DiffSl, CraneliftModule, OdeBuilder, OdeSolverMethod, OdeSolverStopReason,\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\ntype M = nalgebra::DMatrix;\ntype CG = CraneliftModule;\ntype LS = diffsol::NalgebraLU; let eqn = DiffSl::::compile(\" Vc { 1000.0 } Vp1 { 1000.0 } CL { 100.0 } Qp1 { 50.0 } u_i { qc = 0, qp1 = 0, } F_i { - qc / Vc * CL - Qp1 * (qc / Vc - qp1 / Vp1), Qp1 * (qc / Vc - qp1 / Vp1), }\n\").unwrap(); let problem = OdeBuilder::::new().build_from_eqn(eqn).unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet doses = vec![(0.0, 1000.0), (6.0, 1000.0), (12.0, 1000.0), (18.0, 1000.0)]; let mut q_c = Vec::new();\nlet mut q_p1 = Vec::new();\nlet mut time = Vec::new(); // apply the first dose and save the initial state\nsolver.state_mut().y[0] = doses[0].1;\nq_c.push(solver.state().y[0]);\nq_p1.push(solver.state().y[1]);\ntime.push(0.0); // solve and apply the remaining doses\nfor (t, dose) in doses.into_iter().skip(1) { solver.set_stop_time(t).unwrap(); loop { let ret = solver.step(); q_c.push(solver.state().y[0]); q_p1.push(solver.state().y[1]); time.push(solver.state().t); match ret { Ok(OdeSolverStopReason::InternalTimestep) => continue, Ok(OdeSolverStopReason::TstopReached) => break, _ => panic!(\"unexpected solver error\"), } } solver.state_mut().y[0] += dose;\n}\nlet mut plot = Plot::new();\nlet q_c = Scatter::new(time.clone(), q_c).mode(Mode::Lines).name(\"q_c\");\nlet q_p1 = Scatter::new(time, q_p1).mode(Mode::Lines).name(\"q_p1\");\nplot.add_trace(q_c);\nplot.add_trace(q_p1); let layout = Layout::new() .x_axis(Axis::new().title(\"t [h]\")) .y_axis(Axis::new().title(\"amount [ng]\"));\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"drug-delivery\"));\n# fs::write(\"../src/primer/images/drug-delivery.html\", plot_html).expect(\"Unable to write file\");\n# }","breadcrumbs":"Modelling with ODEs » Discrete Events » Example: Compartmental models of Drug Delivery » Example: Compartmental models of Drug Delivery","id":"6","title":"Example: Compartmental models of Drug Delivery"},"7":{"body":"Modelling a bouncing ball is a simple and intuitive example of a system with discrete events. The ball is dropped from a height \\(h\\) and bounces off the ground with a coefficient of restitution \\(e\\). When the ball hits the ground, its velocity is reversed and scaled by the coefficient of restitution, and the ball rises and then continues to fall until it hits the ground again. This process repeats until halted. The second order ODE that describes the motion of the ball is given by: \\[ \\frac{d^2x}{dt^2} = -g \\] where \\(x\\) is the position of the ball, \\(t\\) is time, and \\(g\\) is the acceleration due to gravity. We can rewrite this as a system of two first order ODEs by introducing a new variable for the velocity of the ball: \\[ \\begin{align*} \\frac{dx}{dt} &= v \\\\ \\frac{dv}{dt} &= -g \\end{align*} \\] where \\(v = \\frac{dx}{dt}\\) is the velocity of the ball. This is a system of two first order ODEs, which can be written in vector form as: \\[ \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] where \\[ \\mathbf{y} = \\begin{bmatrix} x \\\\ v \\end{bmatrix} \\] and \\[ \\mathbf{f}(\\mathbf{y}, t) = \\begin{bmatrix} v \\\\ -g \\end{bmatrix} \\] The initial conditions for the ball, including the height from which it is dropped and its initial velocity, are given by: \\[ \\mathbf{y}(0) = \\begin{bmatrix} h \\\\ 0 \\end{bmatrix} \\] When the ball hits the ground, we need to update the velocity of the ball according to the coefficient of restitution, which is the ratio of the velocity after the bounce to the velocity before the bounce. The velocity after the bounce \\(v'\\) is given by: \\[ v' = -e v \\] where \\(e\\) is the coefficient of restitution. However, to implement this in our ODE solver, we need to detect when the ball hits the ground. We can do this by using DiffSol's event handling feature, which allows us to specify a function that is equal to zero when the event occurs, i.e. when the ball hits the ground. This function \\(g(\\mathbf{y}, t)\\) is called an event or root function, and for our bouncing ball problem, it is given by: \\[ g(\\mathbf{y}, t) = x \\] where \\(x\\) is the position of the ball. When the ball hits the ground, the event function will be zero and DiffSol will stop the integration, and we can update the velocity of the ball accordingly. In code, the bouncing ball problem can be solved using DiffSol as follows: # fn main() {\n# use std::fs;\nuse diffsol::{ DiffSl, CraneliftModule, OdeBuilder, OdeSolverMethod, OdeSolverStopReason,\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\ntype M = nalgebra::DMatrix;\ntype CG = CraneliftModule;\ntype LS = diffsol::NalgebraLU; let eqn = DiffSl::::compile(\" g { 9.81 } h { 10.0 } u_i { x = h, v = 0, } F_i { v, -g, } stop { x, }\n\").unwrap(); let e = 0.8;\nlet problem = OdeBuilder::::new().build_from_eqn(eqn).unwrap();\nlet mut solver = problem.bdf::().unwrap(); let mut x = Vec::new();\nlet mut v = Vec::new();\nlet mut t = Vec::new();\nlet final_time = 10.0; // save the initial state\nx.push(solver.state().y[0]);\nv.push(solver.state().y[1]);\nt.push(0.0); // solve until the final time is reached\nsolver.set_stop_time(final_time).unwrap();\nloop { match solver.step() { Ok(OdeSolverStopReason::InternalTimestep) => (), Ok(OdeSolverStopReason::RootFound(t)) => { // get the state when the event occurred let mut y = solver.interpolate(t).unwrap(); // update the velocity of the ball y[1] *= -e; // make sure the ball is above the ground y[0] = y[0].max(f64::EPSILON); // set the state to the updated state solver.state_mut().y.copy_from(&y); solver.state_mut().dy[0] = y[1]; *solver.state_mut().t = t; }, Ok(OdeSolverStopReason::TstopReached) => break, Err(_) => panic!(\"unexpected solver error\"), } x.push(solver.state().y[0]); v.push(solver.state().y[1]); t.push(solver.state().t);\n}\nlet mut plot = Plot::new();\nlet x = Scatter::new(t.clone(), x).mode(Mode::Lines).name(\"x\");\nlet v = Scatter::new(t, v).mode(Mode::Lines).name(\"v\");\nplot.add_trace(x);\nplot.add_trace(v); let layout = Layout::new() .x_axis(Axis::new().title(\"t\")) .y_axis(Axis::new());\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"bouncing-ball\"));\n# fs::write(\"../src/primer/images/bouncing-ball.html\", plot_html).expect(\"Unable to write file\");\n# }","breadcrumbs":"Modelling with ODEs » Discrete Events » Example: Bouncing Ball » Example: Bouncing Ball","id":"7","title":"Example: Bouncing Ball"},"8":{"body":"Differential-algebraic equations (DAEs) are a generalisation of ordinary differential equations (ODEs) that include algebraic equations, or equations that do not involve derivatives. Algebraic equations can arise in many physical systems and often are used to model constraints on the system, such as conservation laws or other relationships between the state variables. For example, in an electrical circuit, the current flowing into a node must equal the current flowing out of the node, which can be written as an algebraic equation. DAEs can be written in the general implicit form: \\[ \\mathbf{F}(\\mathbf{y}, \\mathbf{y}', t) = 0 \\] where \\(\\mathbf{y}\\) is the vector of state variables, \\(\\mathbf{y}'\\) is the vector of derivatives of the state variables, and \\(\\mathbf{F}\\) is a vector-valued function that describes the system of equations. However, for the purposes of this primer and the capabilities of DiffSol, we will focus on a specific form of DAEs called index-1 or semi-explicit DAEs, which can be written as a combination of differential and algebraic equations: \\[ \\begin{align*} \\frac{d\\mathbf{y}}{dt} &= \\mathbf{f}(\\mathbf{y}, \\mathbf{y}', t) \\\\ 0 = \\mathbf{g}(\\mathbf{y}, t) \\end{align*} \\] where \\(\\mathbf{f}\\) is the vector-valued function that describes the differential equations and \\(\\mathbf{g}\\) is the vector-valued function that describes the algebraic equations. The key difference between DAEs and ODEs is that DAEs include algebraic equations that must be satisfied at each time step, in addition to the differential equations that describe the rate of change of the state variables. How does this relate to the standard form of an explicit ODE that we have seen before? Recall that an explicit ODE can be written as: \\[ \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] Lets update this equation to include a matrix \\(\\mathbf{M}\\) that multiplies the derivative term: \\[ M \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] When \\(M\\) is the identity matrix (i.e. a matrix with ones along the diagonal), this reduces to the standard form of an explicit ODE. However, when \\(M\\) has diagonal entries that are zero, this introduces algebraic equations into the system and it reduces to the semi-explicit DAE equations show above. The matrix \\(M\\) is called the mass matrix . Thus, we now have a general form of a set of differential equations, that includes both ODEs and semi-explicit DAEs. This general form is used by DiffSol to allow users to specify a wide range of problems, from simple ODEs to more complex DAEs. In the next section, we will look at a few examples of DAEs and how to solve them using DiffSol and a mass matrix.","breadcrumbs":"Modelling with ODEs » DAEs via the Mass Matrix » DAEs via the Mass Matrix","id":"8","title":"DAEs via the Mass Matrix"},"9":{"body":"Lets consider the following low-pass LRC filter circuit: +---L---+---C---+ | | |\nV_s = R | | | | +-------+-------+ The circuit consists of a resistor \\(R\\), an inductor \\(L\\), and a capacitor \\(C\\) connected in series to a voltage source \\(V_s\\). The voltage across the resistor \\(V\\) is given by Ohm's law: \\[ V = R i_R \\] where \\(i_R\\) is the current flowing through the resistor. The voltage across the inductor is given by: \\[ \\frac{di_L}{dt} = \\frac{V_s - V}{L} \\] where \\(di_L/dt\\) is the rate of change of current with respect to time. The voltage across the capacitor is the same as the voltage across the resistor and the equation for an ideal capacitor is: \\[ \\frac{dV}{dt} = \\frac{i_C}{C} \\] where \\(i_C\\) is the current flowing through the capacitor. The sum of the currents flowing into and out of the top-center node of the circuit must be zero according to Kirchhoff's current law: \\[ i_L = i_R + i_C \\] Thus we have a system of two differential equations and two algebraic equation that describe the evolution of the currents through the resistor, inductor, and capacitor, and the voltage across the resistor. We can write these equations in the general form: \\[ M \\frac{d\\mathbf{y}}{dt} = \\mathbf{f}(\\mathbf{y}, t) \\] where \\[ \\mathbf{y} = \\begin{bmatrix} i_R \\\\ i_L \\\\ i_C \\\\ V \\end{bmatrix} \\] and \\[ \\mathbf{f}(\\mathbf{y}, t) = \\begin{bmatrix} V - R i_R \\\\ \\frac{V_s - V}{L} \\\\ i_L - i_R - i_C \\\\ \\frac{i_C}{C} \\end{bmatrix} \\] The mass matrix \\(M\\) has one on the diagonal for the differential equations and zero for the algebraic equation. \\[ M = \\begin{bmatrix} 0 & 0 & 0 & 0 \\\\ 0 & 1 & 0 & 0 \\\\ 0 & 0 & 0 & 0 \\\\ 0 & 0 & 0 & 1 \\end{bmatrix} \\] Instead of providing the mass matrix explicitly, the DiffSL language specifies the multiplication of the mass matrix with the derivative term, \\(M \\frac{d\\mathbf{y}}{dt}\\), which is given by: \\[ M \\frac{d\\mathbf{y}}{dt} = \\begin{bmatrix} 0 \\\\ \\frac{di_L}{dt} \\\\ 0 \\\\ \\frac{dV}{dt} \\end{bmatrix} \\] The initial conditions for the system are: \\[ \\mathbf{y}(0) = \\begin{bmatrix} 0 \\\\ 0 \\\\ 0 \\\\ 0 \\end{bmatrix} \\] The voltage source \\(V_s\\) acts as a forcing function for the system, and we can specify this as sinusoidal function of time. \\[ V_s(t) = V_0 \\sin(omega t) \\] where \\(omega\\) is the angular frequency of the source. Since this is a low-pass filter, we will choose a high frequency for the source, say \\(omega = 200\\), to demonstrate the filtering effect of the circuit. We can solve this system of equations using DiffSol and plot the current and voltage across the resistor as a function of time. # fn main() {\n# use std::fs;\nuse diffsol::{ DiffSl, CraneliftModule, OdeBuilder, OdeSolverMethod\n};\nuse plotly::{ Plot, Scatter, common::Mode, layout::Layout, layout::Axis\n};\ntype M = nalgebra::DMatrix;\ntype CG = CraneliftModule;\ntype LS = diffsol::NalgebraLU; let eqn = DiffSl::::compile(\" R { 100.0 } L { 1.0 } C { 0.001 } V0 { 10 } omega { 100.0 } Vs { V0 * sin(omega * t) } u_i { iR = 0, iL = 0, iC = 0, V = 0, } dudt_i { diRdt = 0, diLdt = 0, diCdt = 0, dVdt = 0, } M_i { 0, diLdt, 0, dVdt, } F_i { V - R * iR, (Vs - V) / L, iL - iR - iC, iC / C, } out_i { iR, }\n\").unwrap();\nlet problem = OdeBuilder::::new() .build_from_eqn(eqn).unwrap();\nlet mut solver = problem.bdf::().unwrap();\nlet (ys, ts) = solver.solve(1.0).unwrap(); let ir: Vec<_> = ys.row(0).into_iter().copied().collect();\nlet t: Vec<_> = ts.into_iter().collect(); let ir = Scatter::new(t.clone(), ir).mode(Mode::Lines); let mut plot = Plot::new();\nplot.add_trace(ir); let layout = Layout::new() .x_axis(Axis::new().title(\"t\")) .y_axis(Axis::new().title(\"current\"));\nplot.set_layout(layout);\nlet plot_html = plot.to_inline_html(Some(\"electrical-circuit\"));\n# fs::write(\"../src/primer/images/electrical-circuit.html\", plot_html).expect(\"Unable to write file\");\n# }","breadcrumbs":"Modelling with ODEs » DAEs via the Mass Matrix » Example: Electrical Circuits » Example: Electrical Circuits","id":"9","title":"Example: Electrical Circuits"}},"length":57,"save":true},"fields":["title","body","breadcrumbs"],"index":{"body":{"root":{"0":{".":{".":{"1":{"0":{"df":1,"docs":{"45":{"tf":2.0}}},"df":0,"docs":{}},"2":{"1":{")":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"p":{"(":{"df":0,"docs":{},"|":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"5":{"0":{")":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"p":{"(":{"df":0,"docs":{},"|":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{"0":{"1":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}},"df":3,"docs":{"15":{"tf":1.4142135623730951},"31":{"tf":1.0},"32":{"tf":1.4142135623730951}}},"1":{"df":16,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951},"36":{"tf":1.0},"4":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.4142135623730951},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"3":{"df":1,"docs":{"55":{"tf":1.0}}},"4":{"df":1,"docs":{"44":{"tf":1.0}}},"5":{"df":3,"docs":{"18":{"tf":1.0},"28":{"tf":2.23606797749979},"29":{"tf":1.0}}},"7":{"df":1,"docs":{"55":{"tf":1.0}}},"8":{"df":2,"docs":{"20":{"tf":1.0},"7":{"tf":1.0}}},"9":{"8":{"df":1,"docs":{"45":{"tf":3.1622776601683795}}},"df":2,"docs":{"55":{"tf":1.0},"56":{"tf":1.0}}},"df":0,"docs":{}},":":{"5":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":20,"docs":{"1":{"tf":1.0},"13":{"tf":2.6457513110645907},"15":{"tf":2.23606797749979},"17":{"tf":1.0},"19":{"tf":1.4142135623730951},"2":{"tf":1.0},"26":{"tf":2.0},"28":{"tf":1.0},"31":{"tf":1.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"4":{"tf":1.0},"41":{"tf":2.0},"42":{"tf":2.0},"45":{"tf":1.7320508075688772},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.4142135623730951},"9":{"tf":5.477225575051661}}},"1":{".":{".":{".":{"df":0,"docs":{},"n":{"df":1,"docs":{"13":{"tf":1.0}}}},"6":{")":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"p":{"(":{"df":0,"docs":{},"f":{"6":{"4":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{"df":23,"docs":{"15":{"tf":6.557438524302},"2":{"tf":2.23606797749979},"20":{"tf":1.0},"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"32":{"tf":2.449489742783178},"35":{"tf":1.4142135623730951},"37":{"tf":1.0},"4":{"tf":1.4142135623730951},"41":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":2.449489742783178},"45":{"tf":2.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.23606797749979},"50":{"tf":2.449489742783178},"55":{"tf":1.0},"56":{"tf":1.0},"9":{"tf":1.0}}},"2":{"df":1,"docs":{"20":{"tf":1.0}}},"4":{"df":1,"docs":{"20":{"tf":1.0}}},"5":{"df":1,"docs":{"55":{"tf":1.4142135623730951}}},"9":{"df":1,"docs":{"55":{"tf":1.0}}},"df":0,"docs":{}},"0":{".":{"0":{"df":14,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":2.0},"42":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":2.23606797749979},"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"0":{".":{"0":{"df":2,"docs":{"6":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"0":{".":{"0":{"df":1,"docs":{"6":{"tf":2.449489742783178}}},"df":0,"docs":{}},"df":1,"docs":{"6":{"tf":1.7320508075688772}}},"df":1,"docs":{"6":{"tf":1.0}}},"^":{"0":{"df":1,"docs":{"54":{"tf":1.0}}},"1":{"df":1,"docs":{"54":{"tf":1.0}}},"df":0,"docs":{}},"df":6,"docs":{"1":{"tf":1.4142135623730951},"15":{"tf":2.449489742783178},"32":{"tf":1.0},"45":{"tf":1.7320508075688772},"54":{"tf":1.0},"9":{"tf":1.0}}},"1":{"df":1,"docs":{"15":{"tf":2.449489742783178}}},"2":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"15":{"tf":2.449489742783178}}},"3":{"df":1,"docs":{"15":{"tf":2.449489742783178}}},"4":{"df":1,"docs":{"15":{"tf":2.449489742783178}}},"5":{":":{"2":{"1":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"15":{"tf":2.449489742783178}}},"6":{"df":1,"docs":{"15":{"tf":2.449489742783178}}},"7":{"df":1,"docs":{"15":{"tf":2.449489742783178}}},"8":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"15":{"tf":2.449489742783178}}},"9":{"df":1,"docs":{"15":{"tf":2.449489742783178}}},":":{"2":{"0":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"d":{"df":1,"docs":{"16":{"tf":1.0}}},"df":20,"docs":{"13":{"tf":3.872983346207417},"15":{"tf":2.449489742783178},"18":{"tf":1.0},"2":{"tf":2.23606797749979},"24":{"tf":1.7320508075688772},"26":{"tf":2.0},"28":{"tf":1.7320508075688772},"29":{"tf":1.0},"31":{"tf":1.7320508075688772},"35":{"tf":2.23606797749979},"36":{"tf":1.4142135623730951},"37":{"tf":1.7320508075688772},"4":{"tf":1.0},"41":{"tf":3.4641016151377544},"42":{"tf":3.4641016151377544},"45":{"tf":1.4142135623730951},"52":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.4142135623730951}},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"h":{"^":{"2":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"2":{".":{"0":{"/":{"3":{".":{"0":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":13,"docs":{"15":{"tf":4.58257569495584},"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"35":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.7320508075688772},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"0":{"0":{"df":1,"docs":{"9":{"tf":1.0}}},"df":1,"docs":{"15":{"tf":2.23606797749979}}},"d":{"df":1,"docs":{"52":{"tf":1.4142135623730951}}},"df":10,"docs":{"13":{"tf":2.8284271247461903},"15":{"tf":2.449489742783178},"26":{"tf":1.0},"31":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"52":{"tf":1.4142135623730951},"55":{"tf":1.0},"6":{"tf":1.4142135623730951}},"n":{"^":{"2":{"df":1,"docs":{"52":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"u":{"(":{"df":0,"docs":{},"x":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{}},"v":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"13":{"tf":1.7320508075688772}}}},"df":0,"docs":{}},"y":{"/":{"df":0,"docs":{},"k":{"df":1,"docs":{"24":{"tf":1.0}}}},"df":0,"docs":{}}},"3":{".":{"0":{"df":2,"docs":{"20":{"tf":1.0},"49":{"tf":1.0}}},"df":0,"docs":{}},"6":{"0":{"0":{".":{"0":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":4,"docs":{"15":{"tf":2.449489742783178},"17":{"tf":1.0},"45":{"tf":1.4142135623730951},"52":{"tf":1.4142135623730951}}},"4":{".":{"0":{"/":{"3":{".":{"0":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"49":{"tf":1.0}}},"df":0,"docs":{}},"df":2,"docs":{"15":{"tf":2.449489742783178},"45":{"tf":1.4142135623730951}}},"5":{".":{"0":{"df":1,"docs":{"49":{"tf":1.0}}},"df":0,"docs":{}},"0":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"6":{"tf":1.0}}},":":{"1":{"5":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"1":{"tf":1.4142135623730951},"15":{"tf":2.449489742783178},"45":{"tf":1.4142135623730951}}},"6":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"7":{".":{"0":{"df":1,"docs":{"53":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":7,"docs":{"15":{"tf":2.449489742783178},"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"44":{"tf":1.0},"45":{"tf":2.449489742783178},"6":{"tf":1.0}}},"7":{"5":{"4":{"df":1,"docs":{"45":{"tf":1.0}}},"df":0,"docs":{}},"df":2,"docs":{"15":{"tf":2.449489742783178},"45":{"tf":1.4142135623730951}}},"8":{"df":2,"docs":{"15":{"tf":2.449489742783178},"45":{"tf":1.4142135623730951}}},"9":{".":{"8":{"1":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":2,"docs":{"15":{"tf":2.449489742783178},"45":{"tf":1.4142135623730951}}},"_":{">":{"(":{"&":{"df":0,"docs":{},"t":{"a":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"u":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":1,"docs":{"46":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":3,"docs":{"20":{"tf":1.0},"45":{"tf":1.4142135623730951},"6":{"tf":1.0}},"p":{"df":7,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.4142135623730951},"32":{"tf":2.0},"45":{"tf":1.4142135623730951}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"n":{"df":4,"docs":{"29":{"tf":1.0},"44":{"tf":1.0},"49":{"tf":1.0},"50":{"tf":1.4142135623730951}}}}}},"t":{"df":17,"docs":{"2":{"tf":1.0},"24":{"tf":1.7320508075688772},"26":{"tf":2.0},"28":{"tf":2.0},"29":{"tf":2.0},"31":{"tf":2.23606797749979},"32":{"tf":3.1622776601683795},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":2.23606797749979},"42":{"tf":2.23606797749979},"45":{"tf":2.449489742783178},"46":{"tf":1.7320508075688772},"47":{"tf":1.7320508075688772},"49":{"tf":2.449489742783178},"50":{"tf":3.0}}},"v":{"df":2,"docs":{"31":{"tf":1.0},"32":{"tf":1.4142135623730951}}}},"a":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.0}},"j":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}}}},"b":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":1,"docs":{"16":{"tf":1.0}}}},"o":{"df":0,"docs":{},"v":{"df":14,"docs":{"1":{"tf":1.0},"14":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"23":{"tf":1.7320508075688772},"24":{"tf":1.0},"3":{"tf":1.0},"31":{"tf":1.0},"53":{"tf":1.0},"55":{"tf":1.0},"56":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"2":{"tf":2.0}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"24":{"tf":1.4142135623730951},"53":{"tf":1.0}}}}},"r":{"b":{"df":1,"docs":{"0":{"tf":1.0}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}},"c":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"3":{"tf":1.0},"7":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"s":{"df":3,"docs":{"40":{"tf":1.0},"47":{"tf":1.0},"53":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"r":{"d":{"df":2,"docs":{"7":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"7":{"tf":1.0}}}}}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"0":{"tf":1.0}}}}}}},"df":0,"docs":{},"t":{"df":2,"docs":{"4":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"27":{"tf":1.0}}}},"v":{"df":1,"docs":{"17":{"tf":1.0}}}}}},"d":{"d":{"df":2,"docs":{"26":{"tf":1.0},"28":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":5,"docs":{"13":{"tf":1.4142135623730951},"22":{"tf":1.0},"26":{"tf":1.7320508075688772},"53":{"tf":1.0},"8":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"34":{"tf":1.0}}}}}}}},"df":1,"docs":{"28":{"tf":1.0}},"j":{"df":0,"docs":{},"o":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"49":{"tf":1.0}}}}}}},"m":{"df":1,"docs":{"6":{"tf":1.4142135623730951}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.0}},"r":{"df":1,"docs":{"5":{"tf":1.0}}}}}}}}},"v":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"55":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"53":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"g":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":4,"docs":{"26":{"tf":1.0},"31":{"tf":1.0},"55":{"tf":1.0},"7":{"tf":1.0}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"51":{"tf":1.0},"53":{"tf":1.0}}}}}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"r":{"a":{"df":6,"docs":{"0":{"tf":1.4142135623730951},"26":{"tf":1.0},"47":{"tf":1.4142135623730951},"52":{"tf":1.4142135623730951},"8":{"tf":2.8284271247461903},"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"m":{"df":1,"docs":{"19":{"tf":1.0}}}}}}}}},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":5,"docs":{"2":{"tf":1.0},"5":{"tf":1.0},"53":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"5":{"tf":1.0}},"g":{"df":3,"docs":{"13":{"tf":1.4142135623730951},"52":{"tf":2.23606797749979},"8":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"h":{"a":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"a":{"d":{"df":0,"docs":{},"i":{"df":3,"docs":{"21":{"tf":1.0},"40":{"tf":1.4142135623730951},"47":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"w":{"a":{"df":0,"docs":{},"y":{"df":1,"docs":{"3":{"tf":1.0}}}},"df":0,"docs":{}}},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"40":{"tf":1.0}}}}}}},"n":{"d":{"/":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{},"g":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}}}},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":3,"docs":{"10":{"tf":1.0},"21":{"tf":1.0},"3":{"tf":1.0}}}}}},"p":{"df":0,"docs":{},"i":{"df":5,"docs":{"0":{"tf":1.0},"21":{"tf":2.0},"23":{"tf":3.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.0}}},"p":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"3":{"tf":1.0}}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"30":{"tf":1.0}}},"df":2,"docs":{"17":{"tf":1.0},"6":{"tf":1.4142135623730951}}}},"r":{"df":0,"docs":{},"o":{"a":{"c":{"df":0,"docs":{},"h":{"df":1,"docs":{"5":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}}}},"x":{"df":2,"docs":{"13":{"tf":1.4142135623730951},"14":{"tf":1.0}},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"13":{"tf":1.7320508075688772},"14":{"tf":1.4142135623730951}}}}}}}}},"r":{"df":0,"docs":{},"e":{"a":{"df":2,"docs":{"16":{"tf":1.0},"17":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"g":{"df":0,"docs":{},"u":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"28":{"tf":1.0}}}}}}}},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"8":{"tf":1.0}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"d":{"df":3,"docs":{"21":{"tf":1.0},"24":{"tf":1.0},"45":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"a":{"df":0,"docs":{},"y":{"df":2,"docs":{"53":{"tf":1.0},"56":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"47":{"tf":1.4142135623730951}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":1,"docs":{"47":{"tf":1.0}}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}}},"o":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"24":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"m":{"df":5,"docs":{"1":{"tf":1.0},"16":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.0},"40":{"tf":1.0}},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}}}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"(":{"[":{"1":{"df":4,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"24":{"tf":1.0}}}},"t":{"a":{"c":{"df":0,"docs":{},"h":{"df":1,"docs":{"4":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}}}}}}},"v":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":1,"docs":{"46":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}},"w":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"x":{"df":0,"docs":{},"i":{"df":3,"docs":{"13":{"tf":1.0},"2":{"tf":1.4142135623730951},"54":{"tf":1.4142135623730951}}}}},"b":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}}},"a":{"c":{"df":0,"docs":{},"k":{"df":1,"docs":{"50":{"tf":1.0}},"e":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"23":{"tf":1.4142135623730951},"44":{"tf":2.23606797749979}}},"df":0,"docs":{}}},"w":{"a":{"df":0,"docs":{},"r":{"d":{"df":1,"docs":{"46":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"7":{"tf":1.0}}}}}}},"df":3,"docs":{"0":{"tf":1.4142135623730951},"5":{"tf":1.7320508075688772},"7":{"tf":4.69041575982343}}}},"n":{"d":{"df":2,"docs":{"52":{"tf":1.4142135623730951},"53":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"e":{"df":8,"docs":{"0":{"tf":1.0},"16":{"tf":2.23606797749979},"20":{"tf":1.0},"34":{"tf":1.0},"35":{"tf":1.0},"47":{"tf":1.4142135623730951},"50":{"tf":1.0},"6":{"tf":1.0}}},"i":{"c":{"df":1,"docs":{"0":{"tf":1.0}}},"df":1,"docs":{"6":{"tf":1.0}}}},"t":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":3,"docs":{"16":{"tf":2.8284271247461903},"18":{"tf":1.0},"20":{"tf":1.7320508075688772}}},"y":{"'":{"df":1,"docs":{"16":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}}}},"c":{"df":1,"docs":{"13":{"tf":1.0}}},"d":{"df":0,"docs":{},"f":{"df":4,"docs":{"46":{"tf":1.0},"47":{"tf":1.0},"55":{"tf":1.7320508075688772},"56":{"tf":1.7320508075688772}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"_":{"df":0,"docs":{},"w":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"46":{"tf":1.0},"47":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":2,"docs":{"46":{"tf":1.0},"47":{"tf":1.0}}}}},"df":0,"docs":{}}}}},"df":3,"docs":{"13":{"tf":1.4142135623730951},"14":{"tf":1.4142135623730951},"2":{"tf":3.0}},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":2,"docs":{"13":{"tf":1.4142135623730951},"50":{"tf":1.0}}}}},"df":1,"docs":{"0":{"tf":1.0}},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":4,"docs":{"0":{"tf":1.0},"46":{"tf":1.4142135623730951},"7":{"tf":1.0},"8":{"tf":1.0}}}}},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"51":{"tf":1.0}},"{":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":5,"docs":{"1":{"tf":1.0},"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}}}}},"b":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":9,"docs":{"1":{"tf":2.0},"13":{"tf":2.23606797749979},"2":{"tf":2.449489742783178},"26":{"tf":2.0},"3":{"tf":1.4142135623730951},"31":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"9":{"tf":2.23606797749979}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"h":{"a":{"df":0,"docs":{},"v":{"df":1,"docs":{"2":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":3,"docs":{"0":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.0}}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"23":{"tf":1.0},"44":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":5,"docs":{"19":{"tf":1.0},"20":{"tf":1.0},"24":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0}}}}},"n":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":1,"docs":{"51":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"23":{"tf":1.0}}}},"t":{"a":{"df":4,"docs":{"26":{"tf":2.8284271247461903},"37":{"tf":1.4142135623730951},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":6,"docs":{"13":{"tf":1.0},"2":{"tf":1.0},"53":{"tf":1.4142135623730951},"56":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.4142135623730951}}}}}}},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"50":{"tf":1.0}}},"df":0,"docs":{}}}}},"i":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}},"i":{"df":1,"docs":{"0":{"tf":1.0}}}}}}}},"o":{"d":{"df":0,"docs":{},"i":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":2.23606797749979}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":1,"docs":{"6":{"tf":1.0}}}},"o":{"df":0,"docs":{},"k":{"df":3,"docs":{"10":{"tf":1.0},"21":{"tf":1.0},"43":{"tf":1.0}}}},"t":{"df":0,"docs":{},"h":{"df":6,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0},"46":{"tf":1.0},"53":{"tf":1.0},"55":{"tf":1.0},"8":{"tf":1.0}}}},"u":{"df":0,"docs":{},"n":{"c":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.4142135623730951},"7":{"tf":2.8284271247461903}}},"d":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":3,"docs":{"13":{"tf":1.4142135623730951},"17":{"tf":1.0},"52":{"tf":1.0}}}}},"df":2,"docs":{"53":{"tf":1.0},"56":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"k":{"df":4,"docs":{"29":{"tf":1.0},"50":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{"(":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":4,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"44":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":2,"docs":{"15":{"tf":1.0},"20":{"tf":1.0}}}}},"m":{"df":0,"docs":{},"y":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":1,"docs":{"42":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}}},"df":2,"docs":{"34":{"tf":1.0},"44":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}},"df":11,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"26":{"tf":1.0}}}}},"df":0,"docs":{}}},"t":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"46":{"tf":1.0}}}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"18":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"42":{"tf":1.0}}}}}}},"y":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"47":{"tf":1.0}}}}},"df":0,"docs":{}}}},"c":{"/":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}},"^":{"0":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"1":{"df":1,"docs":{"1":{"tf":2.23606797749979}}},"2":{"df":1,"docs":{"1":{"tf":2.23606797749979}}},"df":0,"docs":{},"e":{"df":1,"docs":{"18":{"tf":1.0}}},"i":{"(":{"df":0,"docs":{},"r":{"=":{"df":0,"docs":{},"r":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"^":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"x":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":1,"docs":{"17":{"tf":1.7320508075688772}},"}":{"df":0,"docs":{},"{":{"\\":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"n":{"df":3,"docs":{"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0}}},"p":{"df":3,"docs":{"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0}}}},"a":{"df":0,"docs":{},"l":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":7,"docs":{"16":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"22":{"tf":1.0},"45":{"tf":1.0},"53":{"tf":1.4142135623730951},"55":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":4,"docs":{"35":{"tf":1.0},"36":{"tf":1.0},"41":{"tf":2.0},"42":{"tf":2.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":12,"docs":{"1":{"tf":1.0},"10":{"tf":1.0},"2":{"tf":1.4142135623730951},"21":{"tf":1.0},"24":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"40":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.0},"53":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.4142135623730951}}}},"p":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"8":{"tf":1.0}}}},"c":{"df":1,"docs":{"24":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":2.23606797749979}}}}}}},"df":0,"docs":{}},"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":2,"docs":{"16":{"tf":1.0},"2":{"tf":1.4142135623730951}}}}}},"r":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"24":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"e":{"df":10,"docs":{"13":{"tf":1.0},"2":{"tf":1.0},"25":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.7320508075688772},"37":{"tf":1.0},"45":{"tf":1.0},"53":{"tf":1.0},"55":{"tf":1.7320508075688772},"56":{"tf":1.0}}}},"u":{"df":0,"docs":{},"s":{"df":1,"docs":{"55":{"tf":1.0}}}}},"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"17":{"tf":1.0}}}}},"df":6,"docs":{"1":{"tf":1.7320508075688772},"2":{"tf":3.0},"4":{"tf":1.7320508075688772},"54":{"tf":1.0},"56":{"tf":1.0},"9":{"tf":2.0}},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":1,"docs":{"1":{"tf":2.8284271247461903}}}},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}},"r":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"13":{"tf":1.0},"6":{"tf":2.8284271247461903}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"27":{"tf":1.0}}}}},"df":0,"docs":{}}}},"g":{">":{":":{":":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"44":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}},"e":{"(":{"&":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":8,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"44":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"h":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":9,"docs":{"0":{"tf":1.0},"1":{"tf":1.7320508075688772},"12":{"tf":1.0},"2":{"tf":2.0},"20":{"tf":1.0},"5":{"tf":1.4142135623730951},"53":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}}}},"p":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"51":{"tf":1.0}}}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"k":{"df":2,"docs":{"53":{"tf":1.0},"56":{"tf":1.0}}}},"df":0,"docs":{},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"0":{"tf":1.0}}}}}}}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":4,"docs":{"45":{"tf":1.0},"46":{"tf":1.0},"52":{"tf":1.0},"9":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":2,"docs":{"47":{"tf":1.0},"50":{"tf":1.0}}}}}}},"i":{"df":0,"docs":{},"r":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.0}}}}}}},"df":5,"docs":{"0":{"tf":1.7320508075688772},"16":{"tf":1.7320508075688772},"18":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":2.449489742783178}}}}}},"df":0,"docs":{}}},"l":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"22":{"tf":1.0}},"i":{"c":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":1,"docs":{"6":{"tf":2.449489742783178}},"e":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"6":{"tf":1.7320508075688772}},"e":{"/":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"56":{"tf":1.0}}}}}},"df":0,"docs":{}},"i":{"c":{"df":0,"docs":{},"k":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"55":{"tf":1.4142135623730951}}},"u":{"df":0,"docs":{},"r":{"df":4,"docs":{"2":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0},"56":{"tf":2.0}}}}}}},"o":{"d":{"df":0,"docs":{},"e":{"df":13,"docs":{"2":{"tf":1.0},"20":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0},"28":{"tf":1.0},"4":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":1.0},"44":{"tf":1.4142135623730951},"47":{"tf":1.0},"53":{"tf":1.0},"54":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":4,"docs":{"16":{"tf":1.0},"17":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":2.0}}}},"df":0,"docs":{}}}}},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"5":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"m":{"df":0,"docs":{},"n":{"df":2,"docs":{"24":{"tf":1.0},"45":{"tf":1.0}}}}}},"m":{"b":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":4,"docs":{"1":{"tf":1.0},"20":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0}}}}},"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{":":{":":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":4,"docs":{"0":{"tf":1.4142135623730951},"10":{"tf":1.0},"27":{"tf":1.0},"37":{"tf":1.0}}}}},"p":{"a":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"56":{"tf":1.0}}}},"df":2,"docs":{"51":{"tf":1.4142135623730951},"56":{"tf":1.0}},"t":{"df":1,"docs":{"6":{"tf":3.872983346207417}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.0}}}}}}}},"t":{"df":1,"docs":{"53":{"tf":1.0}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":5,"docs":{"20":{"tf":1.0},"44":{"tf":1.4142135623730951},"53":{"tf":1.0},"54":{"tf":1.4142135623730951},"56":{"tf":1.0}}}},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":4,"docs":{"16":{"tf":1.0},"23":{"tf":1.0},"35":{"tf":1.0},"8":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"24":{"tf":1.0},"45":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"16":{"tf":1.0}}}}}}},"df":3,"docs":{"30":{"tf":1.0},"31":{"tf":1.4142135623730951},"35":{"tf":1.0}}}}}},"n":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":4,"docs":{"1":{"tf":2.23606797749979},"17":{"tf":1.7320508075688772},"18":{"tf":1.0},"6":{"tf":1.7320508075688772}}}}}}},"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":17,"docs":{"0":{"tf":1.0},"1":{"tf":1.4142135623730951},"13":{"tf":1.4142135623730951},"16":{"tf":1.0},"17":{"tf":1.0},"19":{"tf":1.4142135623730951},"2":{"tf":1.7320508075688772},"20":{"tf":1.7320508075688772},"27":{"tf":1.0},"36":{"tf":1.4142135623730951},"40":{"tf":1.0},"47":{"tf":1.0},"5":{"tf":1.0},"52":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"6":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"v":{"df":1,"docs":{"8":{"tf":1.0}}}}},"i":{"d":{"df":5,"docs":{"12":{"tf":1.0},"2":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":4,"docs":{"4":{"tf":1.0},"43":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}}}},"t":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":9,"docs":{"1":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"31":{"tf":1.0},"34":{"tf":1.0},"36":{"tf":1.0},"4":{"tf":1.0},"55":{"tf":1.0}},"o":{"df":0,"docs":{},"p":{"df":6,"docs":{"34":{"tf":1.0},"36":{"tf":1.7320508075688772},"40":{"tf":1.4142135623730951},"41":{"tf":1.7320508075688772},"42":{"tf":2.0},"45":{"tf":1.0}}}}}}},"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"43":{"tf":1.0}},"t":{"df":2,"docs":{"47":{"tf":1.4142135623730951},"8":{"tf":1.0}}}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":5,"docs":{"29":{"tf":1.0},"40":{"tf":1.0},"45":{"tf":1.0},"50":{"tf":1.0},"52":{"tf":2.0}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"t":{"df":1,"docs":{"44":{"tf":1.0}}}}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"u":{"df":7,"docs":{"0":{"tf":1.0},"13":{"tf":1.0},"29":{"tf":1.0},"5":{"tf":1.4142135623730951},"50":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":3,"docs":{"30":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":1.0}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":1,"docs":{"33":{"tf":1.0}}}},"r":{"df":0,"docs":{},"g":{"df":3,"docs":{"29":{"tf":1.0},"5":{"tf":1.0},"50":{"tf":1.4142135623730951}}},"t":{"df":4,"docs":{"0":{"tf":1.0},"13":{"tf":1.0},"14":{"tf":1.0},"4":{"tf":1.0}}}}}}},"r":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"40":{"tf":1.0}}},"df":0,"docs":{}}}}}}}},"u":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":1,"docs":{"1":{"tf":1.0}}}},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"40":{"tf":1.0}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"r":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"t":{"df":1,"docs":{"23":{"tf":1.0}},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":8,"docs":{"15":{"tf":1.4142135623730951},"2":{"tf":2.0},"20":{"tf":1.4142135623730951},"4":{"tf":1.4142135623730951},"44":{"tf":2.23606797749979},"6":{"tf":1.4142135623730951},"7":{"tf":1.4142135623730951},"9":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}}}}}}},"t":{"df":0,"docs":{},"e":{"df":6,"docs":{"0":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.4142135623730951},"24":{"tf":1.0},"46":{"tf":1.7320508075688772},"6":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":9,"docs":{"24":{"tf":2.0},"31":{"tf":1.0},"34":{"tf":1.4142135623730951},"40":{"tf":1.0},"42":{"tf":1.4142135623730951},"44":{"tf":1.7320508075688772},"45":{"tf":1.0},"46":{"tf":3.1622776601683795},"47":{"tf":1.7320508075688772}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"19":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"_":{"df":0,"docs":{},"t":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":12,"docs":{"1":{"tf":1.4142135623730951},"16":{"tf":1.0},"17":{"tf":1.4142135623730951},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":2.6457513110645907},"32":{"tf":1.0},"47":{"tf":1.7320508075688772},"5":{"tf":1.4142135623730951},"50":{"tf":1.0},"8":{"tf":1.4142135623730951},"9":{"tf":2.6457513110645907}}}}}},"v":{"df":1,"docs":{"20":{"tf":1.0}}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":8,"docs":{"23":{"tf":1.0},"33":{"tf":1.4142135623730951},"34":{"tf":1.0},"35":{"tf":1.7320508075688772},"37":{"tf":1.0},"38":{"tf":1.0},"42":{"tf":1.0},"45":{"tf":1.4142135623730951}}}}}}},"v":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"/":{"c":{"df":0,"docs":{},"v":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"s":{"_":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"c":{"df":0,"docs":{},"k":{"_":{"df":0,"docs":{},"k":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{".":{"c":{"df":1,"docs":{"52":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":3,"docs":{"52":{"tf":1.0},"53":{"tf":1.0},"55":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"}":{"df":0,"docs":{},"{":{"\\":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"d":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.4142135623730951}}}},"a":{"df":0,"docs":{},"e":{"df":5,"docs":{"0":{"tf":2.23606797749979},"25":{"tf":1.0},"52":{"tf":1.4142135623730951},"53":{"tf":1.0},"8":{"tf":3.3166247903554}}},"m":{"df":0,"docs":{},"p":{"df":2,"docs":{"0":{"tf":1.0},"4":{"tf":2.0}}}},"t":{"a":{"df":5,"docs":{"0":{"tf":1.0},"23":{"tf":1.0},"33":{"tf":1.0},"35":{"tf":1.0},"40":{"tf":2.0}}},"df":0,"docs":{}}},"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":2.449489742783178}}}}},"df":4,"docs":{"12":{"tf":1.4142135623730951},"14":{"tf":1.0},"15":{"tf":1.4142135623730951},"2":{"tf":3.0}},"e":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":1,"docs":{"2":{"tf":1.7320508075688772}}}}},"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"46":{"tf":1.7320508075688772}}}}}}}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"55":{"tf":1.0}}}},"df":0,"docs":{}}}},"d":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"21":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"a":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":2,"docs":{"24":{"tf":1.0},"44":{"tf":1.0}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":7,"docs":{"1":{"tf":1.7320508075688772},"18":{"tf":1.0},"35":{"tf":1.0},"40":{"tf":1.4142135623730951},"46":{"tf":2.0},"53":{"tf":2.0},"6":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772}}},"y":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{}}}}}},"t":{"a":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.0}}},"n":{"df":1,"docs":{"17":{"tf":1.0}}},"p":{"df":1,"docs":{"17":{"tf":1.0}}},"t":{"df":1,"docs":{"20":{"tf":1.7320508075688772}}}},"df":1,"docs":{"5":{"tf":1.0}}},"df":0,"docs":{}}},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":4,"docs":{"10":{"tf":1.0},"35":{"tf":1.0},"56":{"tf":1.0},"9":{"tf":1.0}}}}}}}},"n":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}},"s":{"df":6,"docs":{"13":{"tf":1.0},"24":{"tf":1.4142135623730951},"43":{"tf":1.0},"52":{"tf":1.7320508075688772},"53":{"tf":1.0},"55":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":2,"docs":{"17":{"tf":1.0},"18":{"tf":1.0}}}}}}},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"d":{"df":7,"docs":{"1":{"tf":1.0},"17":{"tf":1.0},"2":{"tf":1.0},"25":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":9,"docs":{"0":{"tf":1.0},"1":{"tf":1.4142135623730951},"13":{"tf":1.4142135623730951},"14":{"tf":1.4142135623730951},"3":{"tf":2.0},"30":{"tf":1.0},"31":{"tf":1.4142135623730951},"8":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}},"s":{"c":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"b":{"df":12,"docs":{"1":{"tf":1.4142135623730951},"12":{"tf":1.0},"16":{"tf":1.4142135623730951},"2":{"tf":1.0},"20":{"tf":1.0},"3":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":1.0},"8":{"tf":2.0},"9":{"tf":1.0}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"16":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":3,"docs":{"0":{"tf":1.0},"43":{"tf":1.0},"5":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"y":{"df":1,"docs":{"40":{"tf":1.0}}}}}}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":6,"docs":{"13":{"tf":1.0},"16":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.0},"53":{"tf":1.0},"55":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":6,"docs":{"0":{"tf":1.0},"19":{"tf":1.0},"29":{"tf":1.4142135623730951},"45":{"tf":1.7320508075688772},"5":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"45":{"tf":1.0}}}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":1,"docs":{"51":{"tf":1.0}}}}}}}},"i":{"_":{"df":0,"docs":{},"l":{"/":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"a":{"df":0,"docs":{},"g":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":4,"docs":{"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"8":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"c":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"n":{"'":{"df":0,"docs":{},"t":{"df":1,"docs":{"29":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":16,"docs":{"1":{"tf":1.0},"10":{"tf":1.4142135623730951},"11":{"tf":1.4142135623730951},"12":{"tf":1.0},"13":{"tf":2.0},"16":{"tf":1.4142135623730951},"2":{"tf":2.0},"20":{"tf":1.4142135623730951},"45":{"tf":1.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.0},"5":{"tf":1.0},"53":{"tf":2.0},"55":{"tf":1.7320508075688772},"56":{"tf":1.4142135623730951},"8":{"tf":1.0}},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":7,"docs":{"0":{"tf":1.7320508075688772},"1":{"tf":1.0},"10":{"tf":1.0},"43":{"tf":1.0},"52":{"tf":1.0},"8":{"tf":2.449489742783178},"9":{"tf":1.4142135623730951}}}}}}}},"i":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":1,"docs":{"5":{"tf":1.0}}}}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"l":{":":{":":{"<":{"df":0,"docs":{},"m":{"df":8,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"44":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":14,"docs":{"15":{"tf":1.0},"2":{"tf":1.7320508075688772},"20":{"tf":2.0},"21":{"tf":1.0},"23":{"tf":2.23606797749979},"4":{"tf":1.0},"43":{"tf":2.449489742783178},"44":{"tf":2.8284271247461903},"53":{"tf":1.0},"54":{"tf":1.0},"56":{"tf":2.8284271247461903},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"o":{"df":0,"docs":{},"l":{"'":{"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":1.0}}},":":{":":{"b":{"d":{"df":0,"docs":{},"f":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"f":{"a":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":1,"docs":{"46":{"tf":1.0}}}},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":1,"docs":{"46":{"tf":1.0}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"n":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"44":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":1,"docs":{"46":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"o":{"d":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"df":12,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"42":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{},"p":{"df":1,"docs":{"35":{"tf":1.4142135623730951}}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":1,"docs":{"46":{"tf":1.0}}}}}},"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":2,"docs":{"24":{"tf":1.4142135623730951},"45":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"{":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"s":{"df":0,"docs":{},"l":{"df":1,"docs":{"44":{"tf":1.4142135623730951}}}}}}}},"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"df":1,"docs":{"44":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":1,"docs":{"45":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"d":{"df":4,"docs":{"29":{"tf":1.0},"32":{"tf":1.4142135623730951},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}}}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"46":{"tf":1.0},"47":{"tf":1.0}}}}}}}}}}}},"df":0,"docs":{},"p":{"df":4,"docs":{"36":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":32,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":1.4142135623730951},"10":{"tf":1.7320508075688772},"13":{"tf":1.0},"14":{"tf":1.0},"15":{"tf":1.4142135623730951},"19":{"tf":1.0},"2":{"tf":1.7320508075688772},"20":{"tf":1.7320508075688772},"21":{"tf":1.7320508075688772},"22":{"tf":1.0},"23":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.4142135623730951},"28":{"tf":1.0},"3":{"tf":1.0},"35":{"tf":1.0},"4":{"tf":1.4142135623730951},"43":{"tf":1.7320508075688772},"44":{"tf":1.0},"45":{"tf":2.0},"49":{"tf":1.0},"5":{"tf":2.0},"51":{"tf":1.0},"52":{"tf":2.0},"53":{"tf":3.0},"54":{"tf":1.0},"55":{"tf":2.449489742783178},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"8":{"tf":1.7320508075688772},"9":{"tf":1.4142135623730951}}}}},"u":{"df":0,"docs":{},"s":{"df":6,"docs":{"12":{"tf":1.0},"16":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"52":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.0}}}}}},"l":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":2,"docs":{"12":{"tf":1.0},"52":{"tf":1.4142135623730951}}}}}},"r":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"4":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"46":{"tf":1.4142135623730951},"55":{"tf":1.0}}}}}},"df":0,"docs":{}},"i":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"s":{"c":{"df":0,"docs":{},"h":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"g":{"df":1,"docs":{"20":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"u":{"df":1,"docs":{"5":{"tf":1.4142135623730951}}}}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"55":{"tf":1.0}}},"t":{"df":6,"docs":{"0":{"tf":2.23606797749979},"10":{"tf":1.4142135623730951},"12":{"tf":1.0},"13":{"tf":1.0},"5":{"tf":3.1622776601683795},"7":{"tf":1.0}},"i":{"df":0,"docs":{},"s":{"df":5,"docs":{"10":{"tf":1.0},"11":{"tf":1.0},"13":{"tf":2.0},"20":{"tf":1.0},"25":{"tf":1.0}}}}}}},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"30":{"tf":1.0},"55":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"1":{"tf":1.0}}}},"df":0,"docs":{}},"h":{"df":1,"docs":{"1":{"tf":1.7320508075688772}}},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":1,"docs":{"4":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}}}},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"26":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":5,"docs":{"13":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.0},"23":{"tf":1.0},"43":{"tf":1.0}}}}},"df":0,"docs":{}},"n":{"'":{"df":0,"docs":{},"t":{"df":1,"docs":{"47":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":4,"docs":{"24":{"tf":1.0},"28":{"tf":1.0},"34":{"tf":1.0},"35":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"6":{"tf":3.605551275463989}},"s":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"k":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"(":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"[":{"0":{"]":{".":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"w":{"df":0,"docs":{},"n":{"df":4,"docs":{"1":{"tf":1.0},"20":{"tf":1.0},"56":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"o":{"df":0,"docs":{},"p":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}}},"u":{"df":0,"docs":{},"g":{"df":3,"docs":{"0":{"tf":1.7320508075688772},"5":{"tf":1.7320508075688772},"6":{"tf":4.0}}}}},"s":{"df":0,"docs":{},"l":{"df":3,"docs":{"21":{"tf":1.4142135623730951},"23":{"tf":1.0},"43":{"tf":1.0}}}},"u":{"d":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"e":{"df":5,"docs":{"3":{"tf":1.0},"45":{"tf":1.0},"55":{"tf":2.0},"56":{"tf":1.0},"7":{"tf":1.0}}},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":2,"docs":{"45":{"tf":1.0},"52":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"e":{"df":4,"docs":{"20":{"tf":1.4142135623730951},"29":{"tf":1.4142135623730951},"40":{"tf":1.0},"5":{"tf":1.0}}}}},"v":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"1":{"df":9,"docs":{"24":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"26":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":2,"docs":{"24":{"tf":1.0},"26":{"tf":1.0}}}}}},"df":0,"docs":{}}},"y":{"/":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"24":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":4,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"2":{"tf":2.0},"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{".":{"df":0,"docs":{},"g":{"df":1,"docs":{"40":{"tf":1.0}}}},"a":{"c":{"df":0,"docs":{},"h":{"df":19,"docs":{"13":{"tf":1.0},"14":{"tf":1.0},"17":{"tf":1.0},"2":{"tf":1.4142135623730951},"24":{"tf":1.0},"32":{"tf":1.0},"34":{"tf":1.7320508075688772},"45":{"tf":1.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.7320508075688772},"48":{"tf":1.0},"5":{"tf":1.4142135623730951},"52":{"tf":1.4142135623730951},"53":{"tf":1.0},"54":{"tf":1.0},"55":{"tf":1.0},"56":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"21":{"tf":1.0},"46":{"tf":1.0}}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"23":{"tf":1.0},"49":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"21":{"tf":1.0},"56":{"tf":1.0}}}}}}},"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"y":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":2,"docs":{"11":{"tf":1.0},"2":{"tf":1.4142135623730951}}}}}}}}}},"df":3,"docs":{"29":{"tf":1.0},"50":{"tf":1.0},"7":{"tf":2.23606797749979}},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.0},"6":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"df":0,"docs":{}},"i":{"c":{"a":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"i":{"df":5,"docs":{"16":{"tf":1.0},"20":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0},"50":{"tf":1.0}}}},"df":0,"docs":{}}}},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":4,"docs":{"0":{"tf":1.4142135623730951},"16":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}},"o":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":1,"docs":{"16":{"tf":1.4142135623730951}}}}}},"d":{"df":3,"docs":{"16":{"tf":2.23606797749979},"17":{"tf":2.6457513110645907},"18":{"tf":1.0}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"y":{"df":0,"docs":{},"t":{"df":1,"docs":{"18":{"tf":1.0}}}}}}}}},"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":5,"docs":{"10":{"tf":1.0},"11":{"tf":1.7320508075688772},"13":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951},"45":{"tf":2.23606797749979}}}}}}}},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"35":{"tf":1.0}}}}}},"n":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"c":{"df":0,"docs":{},"o":{"d":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}}},"d":{"df":0,"docs":{},"{":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":5,"docs":{"1":{"tf":1.0},"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}}}}},"b":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":9,"docs":{"1":{"tf":2.0},"13":{"tf":2.23606797749979},"2":{"tf":2.449489742783178},"26":{"tf":2.0},"3":{"tf":1.4142135623730951},"31":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"9":{"tf":2.23606797749979}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":3,"docs":{"40":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":4,"docs":{"38":{"tf":1.0},"39":{"tf":1.0},"41":{"tf":1.0},"53":{"tf":1.0}}}},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"8":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"m":{"df":2,"docs":{"29":{"tf":1.0},"50":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}}}},"q":{"df":0,"docs":{},"n":{"df":8,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"44":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"u":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"27":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}},"t":{"df":33,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":2.449489742783178},"10":{"tf":1.0},"12":{"tf":2.23606797749979},"13":{"tf":2.6457513110645907},"14":{"tf":1.4142135623730951},"15":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":2.23606797749979},"20":{"tf":2.449489742783178},"22":{"tf":1.4142135623730951},"24":{"tf":1.7320508075688772},"26":{"tf":1.4142135623730951},"27":{"tf":1.0},"3":{"tf":1.4142135623730951},"31":{"tf":2.23606797749979},"34":{"tf":1.0},"35":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.0},"4":{"tf":1.0},"41":{"tf":1.0},"43":{"tf":1.4142135623730951},"45":{"tf":2.0},"47":{"tf":1.0},"49":{"tf":1.0},"52":{"tf":2.23606797749979},"56":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"8":{"tf":4.0},"9":{"tf":2.6457513110645907}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"15":{"tf":1.0}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"16":{"tf":1.0},"53":{"tf":1.0}}}},"df":0,"docs":{}}}}},"r":{"df":0,"docs":{},"r":{"(":{"_":{"df":3,"docs":{"20":{"tf":1.0},"50":{"tf":1.0},"7":{"tf":1.0}}},"df":2,"docs":{"29":{"tf":1.0},"50":{"tf":1.0}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":4,"docs":{"20":{"tf":1.0},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0}}}}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"3":{"4":{"df":1,"docs":{"46":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"46":{"tf":1.0}}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"30":{"tf":1.0}}}}}},"t":{"a":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.4142135623730951}}},"n":{"df":1,"docs":{"18":{"tf":1.0}}},"p":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}},"c":{"df":1,"docs":{"54":{"tf":1.0}}},"df":0,"docs":{}},"v":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":3,"docs":{"23":{"tf":1.0},"33":{"tf":1.0},"35":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":2.6457513110645907},"5":{"tf":3.605551275463989},"7":{"tf":2.449489742783178}}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.0},"5":{"tf":1.0},"9":{"tf":1.0}}}}}}},"x":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":25,"docs":{"0":{"tf":3.3166247903554},"1":{"tf":1.7320508075688772},"10":{"tf":1.0},"12":{"tf":1.4142135623730951},"13":{"tf":1.0},"2":{"tf":1.7320508075688772},"21":{"tf":1.0},"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"28":{"tf":1.4142135623730951},"3":{"tf":1.7320508075688772},"31":{"tf":1.0},"4":{"tf":1.0},"40":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.0},"5":{"tf":1.4142135623730951},"52":{"tf":2.449489742783178},"53":{"tf":2.0},"56":{"tf":1.0},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.4142135623730951},"9":{"tf":1.0}}}}}},"c":{"df":0,"docs":{},"e":{"df":1,"docs":{"19":{"tf":1.0}},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"54":{"tf":1.0}}}}},"h":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":1,"docs":{"18":{"tf":1.0}}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"44":{"tf":1.0}}}}},"df":0,"docs":{}},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"55":{"tf":1.0}}}},"df":0,"docs":{}},"l":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"0":{"tf":1.0},"21":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"1":{"tf":2.23606797749979},"8":{"tf":2.449489742783178}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"24":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}}}}}}}}},"f":{"'":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"26":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"i":{"df":3,"docs":{"24":{"tf":1.7320508075688772},"35":{"tf":1.0},"45":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"26":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"i":{"df":2,"docs":{"24":{"tf":1.7320508075688772},"35":{"tf":1.0}}},"t":{"df":3,"docs":{"22":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0}}}},"6":{"4":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{":":{":":{"<":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":6,"docs":{"35":{"tf":1.7320508075688772},"36":{"tf":1.0},"37":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":6,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"a":{"c":{"df":0,"docs":{},"e":{"df":1,"docs":{"21":{"tf":1.0}}},"t":{"df":3,"docs":{"45":{"tf":1.0},"55":{"tf":1.0},"56":{"tf":1.0}},"o":{"df":0,"docs":{},"r":{"df":2,"docs":{"53":{"tf":1.0},"55":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":1,"docs":{"24":{"tf":1.0}}}},"df":0,"docs":{},"l":{"<":{"df":0,"docs":{},"t":{"df":1,"docs":{"24":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"t":{"df":1,"docs":{"24":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"t":{"df":2,"docs":{"24":{"tf":1.0},"45":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":4,"docs":{"20":{"tf":1.0},"24":{"tf":1.0},"46":{"tf":1.4142135623730951},"52":{"tf":1.7320508075688772}},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":2,"docs":{"15":{"tf":1.0},"20":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":2,"docs":{"15":{"tf":1.0},"20":{"tf":1.0}}}}}}}},"df":0,"docs":{}}}}},"i":{"df":0,"docs":{},"l":{"df":4,"docs":{"29":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":1.0},"50":{"tf":1.7320508075688772}}}},"l":{"df":0,"docs":{},"l":{"df":2,"docs":{"19":{"tf":1.0},"7":{"tf":1.0}}},"s":{"df":1,"docs":{"20":{"tf":1.0}}}},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}}}},"r":{"a":{"d":{"a":{"df":0,"docs":{},"y":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"3":{"tf":1.0},"38":{"tf":1.0},"43":{"tf":1.0}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":4,"docs":{"23":{"tf":1.0},"44":{"tf":1.0},"55":{"tf":1.0},"56":{"tf":1.0}}}}}}},"d":{"df":2,"docs":{"13":{"tf":1.0},"14":{"tf":1.0}},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":1,"docs":{"11":{"tf":1.0}}}}}},"df":5,"docs":{"17":{"tf":1.7320508075688772},"18":{"tf":1.0},"24":{"tf":1.0},"26":{"tf":1.7320508075688772},"44":{"tf":1.4142135623730951}},"e":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":5,"docs":{"2":{"tf":1.0},"23":{"tf":1.0},"43":{"tf":1.0},"44":{"tf":1.4142135623730951},"7":{"tf":1.0}}}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"11":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"w":{"df":3,"docs":{"11":{"tf":1.0},"49":{"tf":1.0},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"d":{"df":2,"docs":{"32":{"tf":1.0},"6":{"tf":1.0}}},"df":0,"docs":{}}},"g":{"df":1,"docs":{"6":{"tf":1.7320508075688772}},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"e":{"df":9,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":2.0},"4":{"tf":1.0},"52":{"tf":2.0},"53":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"0":{"tf":1.0},"9":{"tf":1.7320508075688772}}}}}},"n":{"a":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"20":{"tf":1.4142135623730951},"7":{"tf":1.0}}}}}},"df":6,"docs":{"13":{"tf":1.0},"20":{"tf":1.4142135623730951},"34":{"tf":1.0},"49":{"tf":1.0},"53":{"tf":1.0},"7":{"tf":1.0}}}},"d":{"df":7,"docs":{"1":{"tf":1.0},"19":{"tf":1.0},"22":{"tf":1.0},"27":{"tf":1.7320508075688772},"28":{"tf":2.0},"5":{"tf":1.0},"50":{"tf":1.0}}},"df":0,"docs":{},"e":{"df":1,"docs":{"43":{"tf":1.0}}},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":1,"docs":{"20":{"tf":2.0}}}},"t":{"df":5,"docs":{"10":{"tf":2.0},"11":{"tf":2.449489742783178},"12":{"tf":1.0},"13":{"tf":2.0},"53":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"i":{"df":1,"docs":{"11":{"tf":1.0}}}},"r":{"df":0,"docs":{},"e":{"d":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"k":{"df":1,"docs":{"11":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"df":8,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":3.0},"2":{"tf":2.0},"3":{"tf":2.23606797749979},"35":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":1.4142135623730951}}}}},"t":{"df":1,"docs":{"23":{"tf":1.0}}}},"l":{"a":{"df":0,"docs":{},"g":{"df":2,"docs":{"23":{"tf":1.0},"44":{"tf":1.4142135623730951}}},"v":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"10":{"tf":1.0}}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"b":{"df":0,"docs":{},"l":{"df":3,"docs":{"21":{"tf":1.0},"23":{"tf":1.0},"5":{"tf":1.0}}}},"df":0,"docs":{}}}},"o":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.0}}}},"df":0,"docs":{},"w":{"df":3,"docs":{"45":{"tf":1.0},"8":{"tf":1.4142135623730951},"9":{"tf":1.7320508075688772}}}},"u":{"df":0,"docs":{},"x":{"df":1,"docs":{"17":{"tf":1.0}}}}},"n":{"df":25,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"35":{"tf":3.605551275463989},"36":{"tf":2.23606797749979},"37":{"tf":2.449489742783178},"4":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":5.5677643628300215},"42":{"tf":5.5677643628300215},"44":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"o":{"c":{"df":0,"docs":{},"u":{"df":3,"docs":{"43":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0}},"s":{"df":2,"docs":{"38":{"tf":1.0},"51":{"tf":1.0}}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":10,"docs":{"17":{"tf":1.0},"19":{"tf":1.0},"24":{"tf":1.0},"28":{"tf":1.0},"4":{"tf":1.0},"49":{"tf":1.0},"54":{"tf":1.0},"6":{"tf":1.4142135623730951},"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"o":{"d":{"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"b":{"df":4,"docs":{"52":{"tf":1.0},"53":{"tf":1.7320508075688772},"55":{"tf":1.4142135623730951},"56":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"f":{"df":1,"docs":{"45":{"tf":1.0}}}}}}}}},"r":{"c":{"df":2,"docs":{"4":{"tf":1.7320508075688772},"9":{"tf":1.0}}},"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":2,"docs":{"13":{"tf":1.0},"45":{"tf":1.0}}}},"df":15,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":2.0},"11":{"tf":1.0},"13":{"tf":1.0},"2":{"tf":1.4142135623730951},"22":{"tf":1.0},"25":{"tf":1.0},"26":{"tf":1.0},"3":{"tf":1.0},"44":{"tf":1.0},"52":{"tf":1.0},"6":{"tf":1.4142135623730951},"7":{"tf":1.0},"8":{"tf":2.449489742783178},"9":{"tf":1.0}},"u":{"df":0,"docs":{},"l":{"a":{"df":1,"docs":{"46":{"tf":1.0}}},"df":0,"docs":{}}}},"w":{"a":{"df":0,"docs":{},"r":{"d":{"df":5,"docs":{"1":{"tf":1.0},"30":{"tf":1.7320508075688772},"32":{"tf":1.0},"49":{"tf":1.0},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"29":{"tf":1.0},"53":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"a":{"c":{"df":1,"docs":{"17":{"tf":1.0}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"17":{"tf":1.0}}}}}},"{":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"h":{"^":{"2":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"2":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"f":{"df":1,"docs":{"18":{"tf":1.0}}}}}}}},"\\":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"^":{"2":{"df":2,"docs":{"12":{"tf":1.0},"13":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":2,"docs":{"12":{"tf":1.0},"17":{"tf":1.0}}}}}},"df":0,"docs":{}}},"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"d":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"y":{"df":0,"docs":{},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":7,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0},"3":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"^":{"2":{"df":1,"docs":{"14":{"tf":1.0}},"x":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"^":{"2":{"df":3,"docs":{"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"c":{"_":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"2":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"i":{"_":{"df":0,"docs":{},"l":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"q":{"_":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"{":{"df":0,"docs":{},"p":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"u":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"14":{"tf":1.0}}}},"df":0,"docs":{}}}},"v":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":4,"docs":{"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"x":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":4,"docs":{"2":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"4":{"tf":1.7320508075688772},"7":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"y":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"k":{"df":1,"docs":{"31":{"tf":1.0}}},"r":{"df":1,"docs":{"31":{"tf":1.0}}},"t":{"df":8,"docs":{"2":{"tf":1.4142135623730951},"22":{"tf":1.0},"24":{"tf":1.0},"25":{"tf":1.0},"26":{"tf":1.4142135623730951},"28":{"tf":1.0},"31":{"tf":1.0},"35":{"tf":1.0}}}},"df":0,"docs":{}}}},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"h":{"^":{"2":{"df":1,"docs":{"14":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"g":{"(":{"1":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"i":{"_":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"c":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"a":{"_":{"df":0,"docs":{},"n":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"j":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}},"k":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"q":{"_":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"v":{"_":{"c":{"df":1,"docs":{"6":{"tf":2.449489742783178}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"{":{"df":0,"docs":{},"p":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"v":{"_":{"df":0,"docs":{},"{":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":2.0}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"u":{"(":{"df":0,"docs":{},"x":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{}},"v":{"_":{"df":1,"docs":{"9":{"tf":1.4142135623730951}},"{":{"df":0,"docs":{},"i":{"+":{"1":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"x":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"y":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}}}},"s":{":":{":":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{"\"":{".":{".":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"r":{"c":{"/":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"/":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"/":{"b":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"20":{"tf":1.0}}}}}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"r":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}},"df":0,"docs":{}}}},"h":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"15":{"tf":1.0}}}},"df":0,"docs":{}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}},"s":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":3,"docs":{"26":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0}}}},"n":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":21,"docs":{"1":{"tf":1.4142135623730951},"22":{"tf":1.4142135623730951},"23":{"tf":2.0},"24":{"tf":1.7320508075688772},"26":{"tf":1.4142135623730951},"28":{"tf":2.6457513110645907},"33":{"tf":1.0},"34":{"tf":2.449489742783178},"35":{"tf":2.449489742783178},"36":{"tf":1.4142135623730951},"37":{"tf":1.0},"40":{"tf":2.23606797749979},"45":{"tf":2.23606797749979},"49":{"tf":1.4142135623730951},"5":{"tf":1.0},"53":{"tf":3.0},"55":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":2.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}}}}}},"d":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"50":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"}":{"df":0,"docs":{},"{":{"2":{"df":0,"docs":{},"i":{"_":{"df":0,"docs":{},"{":{"0":{",":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"g":{"(":{"0":{")":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"h":{"^":{"2":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":1,"docs":{"13":{"tf":1.7320508075688772}}},"1":{"df":1,"docs":{"13":{"tf":1.7320508075688772}}},"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"t":{"df":1,"docs":{"22":{"tf":1.7320508075688772}}},"x":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":3,"docs":{"15":{"tf":2.449489742783178},"3":{"tf":2.0},"7":{"tf":2.449489742783178}},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"v":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":3,"docs":{"37":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":1,"docs":{"26":{"tf":1.0}}}},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":2,"docs":{"0":{"tf":1.0},"8":{"tf":1.0}}}}}},"df":14,"docs":{"1":{"tf":1.4142135623730951},"10":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.7320508075688772},"24":{"tf":1.0},"26":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"53":{"tf":1.7320508075688772},"54":{"tf":1.0},"55":{"tf":1.4142135623730951},"8":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}},"t":{"df":1,"docs":{"40":{"tf":1.0}}}},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":3,"docs":{"10":{"tf":1.0},"13":{"tf":1.0},"26":{"tf":1.0}},"n":{"df":7,"docs":{"1":{"tf":1.0},"13":{"tf":1.7320508075688772},"17":{"tf":1.0},"18":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":2.0},"9":{"tf":1.7320508075688772}}}}}},"o":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"34":{"tf":1.0},"35":{"tf":1.0},"51":{"tf":1.0}}}},"df":3,"docs":{"13":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":2,"docs":{"16":{"tf":1.0},"2":{"tf":1.4142135623730951}}}}}}},"r":{"a":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":4,"docs":{"24":{"tf":1.0},"31":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.0}}}}}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"h":{"df":1,"docs":{"54":{"tf":1.0}}}},"v":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":2,"docs":{"3":{"tf":1.4142135623730951},"7":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"d":{"a":{"df":0,"docs":{},"p":{".":{"df":0,"docs":{},"j":{"df":0,"docs":{},"l":{"df":1,"docs":{"11":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":1,"docs":{"52":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"d":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.0},"7":{"tf":2.8284271247461903}}},"df":0,"docs":{}}},"w":{"df":3,"docs":{"1":{"tf":1.4142135623730951},"13":{"tf":1.0},"2":{"tf":1.0}},"t":{"df":0,"docs":{},"h":{"df":4,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":2.23606797749979},"24":{"tf":1.0},"31":{"tf":1.7320508075688772}}}}}}},"u":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}}}}}},"h":{")":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"h":{"^":{"2":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}}},"n":{"d":{"df":9,"docs":{"16":{"tf":1.0},"22":{"tf":1.0},"26":{"tf":1.0},"31":{"tf":1.4142135623730951},"33":{"tf":1.0},"4":{"tf":1.0},"40":{"tf":1.4142135623730951},"53":{"tf":1.4142135623730951},"56":{"tf":1.0}},"l":{"df":4,"docs":{"0":{"tf":1.0},"25":{"tf":1.0},"5":{"tf":1.7320508075688772},"7":{"tf":1.0}}}},"df":0,"docs":{}},"v":{"df":0,"docs":{},"e":{"df":1,"docs":{"23":{"tf":1.0}}}}},"df":4,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":2.0}},"e":{"a":{"df":0,"docs":{},"t":{"2":{"d":{"df":3,"docs":{"52":{"tf":1.0},"53":{"tf":1.7320508075688772},"55":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}}},"df":4,"docs":{"12":{"tf":2.0},"13":{"tf":1.0},"14":{"tf":1.4142135623730951},"52":{"tf":1.0}}},"v":{"df":0,"docs":{},"i":{"df":1,"docs":{"53":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}}}}},"l":{"df":0,"docs":{},"p":{"df":1,"docs":{"11":{"tf":1.0}}}},"r":{"df":0,"docs":{},"e":{"df":6,"docs":{"0":{"tf":1.0},"11":{"tf":1.0},"13":{"tf":1.4142135623730951},"16":{"tf":1.0},"28":{"tf":1.0},"6":{"tf":1.0}}}}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":3,"docs":{"49":{"tf":1.0},"56":{"tf":1.0},"9":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{"df":4,"docs":{"0":{"tf":2.0},"23":{"tf":1.0},"3":{"tf":2.23606797749979},"43":{"tf":1.0}}},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"3":{"tf":1.0}}}}}}},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"42":{"tf":1.0}}}},"t":{"df":2,"docs":{"0":{"tf":1.0},"7":{"tf":2.449489742783178}}}},"o":{"df":0,"docs":{},"l":{"d":{"df":6,"docs":{"13":{"tf":1.0},"2":{"tf":1.0},"33":{"tf":1.0},"35":{"tf":1.0},"47":{"tf":1.0},"5":{"tf":1.0}}},"df":0,"docs":{}},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":2,"docs":{"13":{"tf":1.0},"6":{"tf":1.0}}}}}}},"t":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"i":{".":{"df":5,"docs":{"24":{"tf":1.0},"31":{"tf":1.0},"45":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}},"=":{"df":0,"docs":{},"n":{"df":1,"docs":{"17":{"tf":1.0}}},"p":{"df":1,"docs":{"17":{"tf":1.0}}}},"_":{"c":{"df":1,"docs":{"9":{"tf":2.0}}},"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}},"r":{"df":1,"docs":{"9":{"tf":2.449489742783178}}},"{":{"0":{",":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"c":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}},"d":{"a":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"/":{"df":0,"docs":{},"i":{"d":{"a":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"b":{"_":{"b":{"df":0,"docs":{},"n":{"d":{".":{"c":{"df":1,"docs":{"52":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"h":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"2":{"d":{"_":{"df":0,"docs":{},"k":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{".":{"c":{"df":1,"docs":{"52":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"s":{"_":{"d":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{".":{"c":{"df":1,"docs":{"52":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":3,"docs":{"52":{"tf":1.7320508075688772},"53":{"tf":1.0},"55":{"tf":1.4142135623730951}}},"df":0,"docs":{},"e":{"a":{"df":1,"docs":{"10":{"tf":1.0}},"l":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":4,"docs":{"22":{"tf":1.0},"25":{"tf":1.0},"53":{"tf":1.0},"8":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":1,"docs":{"45":{"tf":1.0}}}}},"l":{"df":1,"docs":{"9":{"tf":1.4142135623730951}},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":5,"docs":{"0":{"tf":1.0},"2":{"tf":1.0},"26":{"tf":1.0},"35":{"tf":1.0},"45":{"tf":1.0}}}}}}}},"m":{"a":{"df":0,"docs":{},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"32":{"tf":1.0},"41":{"tf":1.0}}}}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"<":{"'":{"a":{"df":3,"docs":{"35":{"tf":1.4142135623730951},"41":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":5,"docs":{"35":{"tf":2.0},"36":{"tf":1.4142135623730951},"37":{"tf":1.7320508075688772},"41":{"tf":3.605551275463989},"42":{"tf":3.605551275463989}},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":21,"docs":{"10":{"tf":1.0},"15":{"tf":1.0},"23":{"tf":1.0},"34":{"tf":2.6457513110645907},"35":{"tf":2.23606797749979},"36":{"tf":1.4142135623730951},"37":{"tf":1.4142135623730951},"39":{"tf":1.4142135623730951},"40":{"tf":3.1622776601683795},"41":{"tf":2.6457513110645907},"42":{"tf":2.449489742783178},"45":{"tf":1.0},"47":{"tf":1.0},"48":{"tf":1.0},"51":{"tf":1.0},"52":{"tf":1.0},"53":{"tf":3.1622776601683795},"54":{"tf":1.7320508075688772},"55":{"tf":2.8284271247461903},"56":{"tf":2.6457513110645907},"7":{"tf":1.0}}}}}}},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"46":{"tf":1.0},"8":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"22":{"tf":1.4142135623730951},"53":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":3,"docs":{"1":{"tf":1.0},"10":{"tf":1.0},"2":{"tf":1.0}}}},"s":{"df":1,"docs":{"52":{"tf":1.0}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"v":{"df":1,"docs":{"55":{"tf":1.7320508075688772}}}}}}},"n":{"a":{"c":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"5":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"c":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"d":{"df":9,"docs":{"0":{"tf":1.0},"10":{"tf":1.0},"25":{"tf":1.0},"31":{"tf":1.0},"37":{"tf":1.0},"42":{"tf":1.0},"54":{"tf":1.7320508075688772},"7":{"tf":1.0},"8":{"tf":2.0}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"47":{"tf":1.0}}},"df":0,"docs":{}}}},"x":{"df":4,"docs":{"45":{"tf":1.0},"53":{"tf":1.4142135623730951},"56":{"tf":1.0},"8":{"tf":1.0}}}},"i":{"c":{"df":2,"docs":{"4":{"tf":1.0},"50":{"tf":1.0}}},"df":0,"docs":{},"v":{"df":0,"docs":{},"i":{"d":{"df":0,"docs":{},"u":{"df":1,"docs":{"38":{"tf":1.0}}}},"df":0,"docs":{}}}},"u":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"1":{"tf":1.0}}}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"3":{"tf":1.0}}},"df":0,"docs":{}}}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":3,"docs":{"1":{"tf":1.0},"47":{"tf":1.0},"5":{"tf":1.4142135623730951}}}}}},"i":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{},"|":{"_":{"df":0,"docs":{},"p":{"df":7,"docs":{"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":2,"docs":{"31":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951}}}}}},"df":5,"docs":{"24":{"tf":1.4142135623730951},"34":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"45":{"tf":1.4142135623730951}},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":3,"docs":{"46":{"tf":1.4142135623730951},"47":{"tf":2.0},"50":{"tf":1.0}}}}}},"df":15,"docs":{"1":{"tf":1.4142135623730951},"17":{"tf":1.0},"2":{"tf":2.0},"20":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":2.449489742783178},"31":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"40":{"tf":1.0},"46":{"tf":1.0},"47":{"tf":1.7320508075688772},"49":{"tf":2.449489742783178},"6":{"tf":1.4142135623730951},"7":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"45":{"tf":1.0},"52":{"tf":1.7320508075688772},"6":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"44":{"tf":1.0}}},"n":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"a":{"d":{"df":5,"docs":{"0":{"tf":1.0},"26":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"g":{"df":0,"docs":{},"r":{"df":4,"docs":{"1":{"tf":1.0},"49":{"tf":1.0},"5":{"tf":2.0},"7":{"tf":1.0}}}},"r":{"a":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}}},"f":{"a":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"13":{"tf":1.0}}}}},"n":{"df":5,"docs":{"32":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.0},"5":{"tf":1.7320508075688772},"50":{"tf":1.0}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"32":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":1,"docs":{"50":{"tf":1.4142135623730951}}}}},"v":{"df":2,"docs":{"20":{"tf":1.0},"6":{"tf":1.0}}}}},"r":{"a":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"u":{"c":{"df":6,"docs":{"0":{"tf":1.0},"2":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}},"t":{"df":1,"docs":{"5":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}}}}},"v":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":5,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"3":{"tf":1.7320508075688772},"5":{"tf":1.0},"8":{"tf":1.0}}}}}}},"o":{"df":0,"docs":{},"n":{"df":3,"docs":{"16":{"tf":1.7320508075688772},"17":{"tf":2.0},"18":{"tf":1.0}}}},"r":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":1,"docs":{"9":{"tf":2.449489742783178}}},"t":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"45":{"tf":1.0},"6":{"tf":1.0}}}}}}},"}":{"df":0,"docs":{},"{":{"a":{"_":{"df":0,"docs":{},"p":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"j":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.7320508075688772}}},"n":{"df":1,"docs":{"17":{"tf":1.0}}},"p":{"df":2,"docs":{"17":{"tf":1.0},"31":{"tf":1.4142135623730951}}},"{":{"df":0,"docs":{},"y":{"_":{"0":{"df":1,"docs":{"31":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"a":{"c":{"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":1,"docs":{"35":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"n":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.0}}}}},"df":0,"docs":{}}}}}}}}},"df":8,"docs":{"24":{"tf":1.0},"26":{"tf":1.4142135623730951},"31":{"tf":1.0},"33":{"tf":1.0},"35":{"tf":1.4142135623730951},"45":{"tf":3.7416573867739413},"53":{"tf":3.0},"55":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":2,"docs":{"31":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951}},"i":{"df":0,"docs":{},"t":{"df":3,"docs":{"44":{"tf":1.0},"54":{"tf":1.0},"56":{"tf":1.0}}}},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"a":{"df":1,"docs":{"11":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}},"k":{"/":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}},"^":{"2":{"df":1,"docs":{"31":{"tf":1.0}}},"df":0,"docs":{}},"_":{"1":{"df":1,"docs":{"1":{"tf":1.7320508075688772}}},"2":{"df":1,"docs":{"1":{"tf":1.7320508075688772}}},"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.4142135623730951}}}},"df":6,"docs":{"1":{"tf":1.4142135623730951},"24":{"tf":1.0},"31":{"tf":1.4142135623730951},"4":{"tf":1.7320508075688772},"44":{"tf":2.449489742783178},"6":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":2,"docs":{"18":{"tf":1.0},"6":{"tf":1.0}}}}},"r":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"'":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}},"l":{"df":0,"docs":{},"u":{"df":2,"docs":{"52":{"tf":2.23606797749979},"53":{"tf":1.0}}}},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":1,"docs":{"20":{"tf":1.0}}}},"o":{"df":0,"docs":{},"w":{"df":3,"docs":{"1":{"tf":1.4142135623730951},"11":{"tf":1.0},"28":{"tf":1.0}},"n":{"df":2,"docs":{"13":{"tf":1.4142135623730951},"16":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"t":{"df":0,"docs":{},"t":{"a":{"df":1,"docs":{"46":{"tf":1.0}}},"df":0,"docs":{}}}}},"l":{"a":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"51":{"tf":1.0}}}}}}},"df":0,"docs":{}}}},"c":{"df":0,"docs":{},"k":{"df":1,"docs":{"16":{"tf":1.0}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"g":{"df":9,"docs":{"11":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.0},"23":{"tf":1.4142135623730951},"43":{"tf":1.7320508075688772},"53":{"tf":1.0},"56":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"g":{"df":4,"docs":{"10":{"tf":1.0},"21":{"tf":1.0},"45":{"tf":1.0},"55":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"55":{"tf":1.7320508075688772},"56":{"tf":1.4142135623730951}}}}}},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"28":{"tf":1.0}}}},"w":{"df":2,"docs":{"8":{"tf":1.0},"9":{"tf":1.4142135623730951}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"51":{"tf":1.0}}},"df":0,"docs":{}}}}},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{":":{":":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"{":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":7,"docs":{"15":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":1,"docs":{"9":{"tf":2.0}},"e":{"a":{"d":{"df":1,"docs":{"25":{"tf":1.0}}},"df":0,"docs":{},"v":{"df":1,"docs":{"24":{"tf":1.0}}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"t":{".":{"\\":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"a":{"c":{"df":0,"docs":{},"{":{"\\":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"c":{"\\":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"\\":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"{":{"df":0,"docs":{},"t":{"=":{"0":{"df":1,"docs":{"17":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"1":{"tf":1.0},"18":{"tf":1.0},"6":{"tf":2.0}}}},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"50":{"tf":1.0}}}},"t":{"'":{"df":2,"docs":{"2":{"tf":1.0},"6":{"tf":1.0}}},"df":9,"docs":{"1":{"tf":1.0},"12":{"tf":1.0},"2":{"tf":1.0},"32":{"tf":1.0},"41":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":5,"docs":{"23":{"tf":1.0},"43":{"tf":1.0},"49":{"tf":1.0},"56":{"tf":1.0},"6":{"tf":1.0}}}}}},"i":{"b":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":7,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"20":{"tf":1.4142135623730951},"51":{"tf":1.0},"52":{"tf":1.7320508075688772},"53":{"tf":1.4142135623730951},"55":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"40":{"tf":1.0}}}}}}},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":2,"docs":{"40":{"tf":1.0},"50":{"tf":1.0}}}}}}}}}}},"n":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":9,"docs":{"20":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.0},"37":{"tf":1.0},"46":{"tf":1.4142135623730951},"52":{"tf":2.449489742783178},"53":{"tf":1.7320508075688772},"55":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"13":{"tf":1.0},"2":{"tf":1.0}}}},"o":{"df":0,"docs":{},"p":{"df":5,"docs":{"34":{"tf":1.0},"37":{"tf":1.7320508075688772},"40":{"tf":1.4142135623730951},"41":{"tf":1.7320508075688772},"42":{"tf":2.0}}}}}},"df":2,"docs":{"10":{"tf":1.0},"14":{"tf":1.0}}},"k":{"df":1,"docs":{"53":{"tf":1.0}}}},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"u":{"df":0,"docs":{},"m":{"df":3,"docs":{"16":{"tf":1.7320508075688772},"17":{"tf":2.0},"18":{"tf":1.0}}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"51":{"tf":1.0}}}}}}}}},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"m":{"df":2,"docs":{"23":{"tf":1.4142135623730951},"44":{"tf":1.7320508075688772}},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"44":{"tf":1.0}}}}},"df":0,"docs":{}}}}}},"o":{"df":0,"docs":{},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":6,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"31":{"tf":1.7320508075688772},"35":{"tf":1.0},"45":{"tf":1.0}}}}}},"o":{"df":0,"docs":{},"k":{"df":4,"docs":{"1":{"tf":1.0},"3":{"tf":1.4142135623730951},"5":{"tf":1.0},"8":{"tf":1.0}}},"p":{"df":5,"docs":{"2":{"tf":1.0},"29":{"tf":1.0},"50":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"t":{"df":0,"docs":{},"k":{"a":{"df":1,"docs":{"2":{"tf":1.7320508075688772}}},"df":0,"docs":{}}},"w":{"df":2,"docs":{"0":{"tf":1.0},"9":{"tf":1.4142135623730951}},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"19":{"tf":1.0}}}}}},"r":{"c":{"df":2,"docs":{"0":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"s":{"df":14,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"29":{"tf":1.0},"32":{"tf":1.4142135623730951},"4":{"tf":1.0},"44":{"tf":1.0},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"u":{"df":2,"docs":{"46":{"tf":1.7320508075688772},"52":{"tf":1.0}}}},"m":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"v":{"df":1,"docs":{"26":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"p":{"df":1,"docs":{"26":{"tf":1.0}}},"t":{"df":3,"docs":{"22":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.4142135623730951}}}},":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"1":{"df":1,"docs":{"37":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"9":{"tf":1.0}}}},"a":{"d":{"df":0,"docs":{},"e":{"df":1,"docs":{"53":{"tf":1.0}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":28,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"35":{"tf":1.7320508075688772},"36":{"tf":1.0},"37":{"tf":1.0},"4":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.7320508075688772},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"53":{"tf":1.4142135623730951},"56":{"tf":1.0},"6":{"tf":1.4142135623730951},"7":{"tf":1.0},"9":{"tf":1.0}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"5":{"tf":1.0},"6":{"tf":1.0}}}}},"df":0,"docs":{}}}},"k":{"df":0,"docs":{},"e":{"df":5,"docs":{"0":{"tf":1.0},"2":{"tf":1.0},"27":{"tf":1.0},"53":{"tf":1.0},"7":{"tf":1.0}}}},"n":{"df":0,"docs":{},"i":{"df":8,"docs":{"1":{"tf":1.0},"10":{"tf":1.0},"11":{"tf":1.4142135623730951},"3":{"tf":1.0},"30":{"tf":1.0},"40":{"tf":1.0},"5":{"tf":1.4142135623730951},"8":{"tf":1.0}}},"u":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"45":{"tf":1.0},"46":{"tf":2.0},"47":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":15,"docs":{"0":{"tf":2.23606797749979},"22":{"tf":1.0},"25":{"tf":2.6457513110645907},"26":{"tf":2.449489742783178},"3":{"tf":2.449489742783178},"34":{"tf":1.0},"37":{"tf":2.23606797749979},"4":{"tf":3.4641016151377544},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"46":{"tf":1.0},"53":{"tf":2.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}}},"t":{"c":{"df":0,"docs":{},"h":{"df":6,"docs":{"20":{"tf":1.0},"29":{"tf":1.0},"50":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":2,"docs":{"12":{"tf":1.7320508075688772},"17":{"tf":1.0}}}}},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"f":{"df":1,"docs":{"8":{"tf":1.4142135623730951}},"}":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":7,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"7":{"tf":1.4142135623730951},"8":{"tf":2.0},"9":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"g":{"df":1,"docs":{"8":{"tf":1.0}},"}":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"8":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"i":{"df":9,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0},"26":{"tf":1.7320508075688772},"3":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0},"9":{"tf":1.0}}},"m":{"df":1,"docs":{"8":{"tf":1.0}}},"p":{"df":1,"docs":{"26":{"tf":2.0}}},"v":{"df":1,"docs":{"26":{"tf":1.4142135623730951}}},"y":{"df":0,"docs":{},"}":{"(":{"0":{"df":5,"docs":{"1":{"tf":1.0},"2":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"c":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"{":{"a":{"df":1,"docs":{"17":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":2,"docs":{"5":{"tf":1.0},"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"i":{"c":{"df":7,"docs":{"20":{"tf":1.0},"25":{"tf":1.0},"35":{"tf":1.0},"46":{"tf":1.0},"52":{"tf":1.0},"53":{"tf":1.7320508075688772},"55":{"tf":1.0}}},"df":0,"docs":{},"x":{"df":16,"docs":{"0":{"tf":1.7320508075688772},"13":{"tf":2.23606797749979},"14":{"tf":1.0},"20":{"tf":1.0},"22":{"tf":1.4142135623730951},"24":{"tf":2.449489742783178},"25":{"tf":2.449489742783178},"26":{"tf":2.449489742783178},"37":{"tf":1.4142135623730951},"40":{"tf":1.0},"45":{"tf":3.872983346207417},"52":{"tf":2.449489742783178},"53":{"tf":2.6457513110645907},"55":{"tf":1.0},"8":{"tf":2.6457513110645907},"9":{"tf":1.7320508075688772}}}}}}},"df":26,"docs":{"15":{"tf":1.7320508075688772},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"35":{"tf":2.449489742783178},"36":{"tf":1.7320508075688772},"37":{"tf":2.0},"4":{"tf":2.0},"40":{"tf":1.0},"41":{"tf":3.605551275463989},"42":{"tf":3.605551275463989},"44":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0},"9":{"tf":2.449489742783178}},"e":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"13":{"tf":1.0}}}}}},"d":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}},"df":0,"docs":{},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"55":{"tf":1.0}}}}}},"df":0,"docs":{},"t":{"a":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"0":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":3,"docs":{"20":{"tf":1.0},"27":{"tf":1.0},"5":{"tf":1.0}},"h":{"df":0,"docs":{},"o":{"d":{"df":21,"docs":{"10":{"tf":2.23606797749979},"12":{"tf":1.0},"13":{"tf":2.23606797749979},"14":{"tf":1.0},"24":{"tf":2.23606797749979},"28":{"tf":1.0},"29":{"tf":1.4142135623730951},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"33":{"tf":1.0},"34":{"tf":1.0},"40":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":2.23606797749979},"48":{"tf":1.0},"49":{"tf":1.0},"50":{"tf":2.6457513110645907},"53":{"tf":1.0},"55":{"tf":1.4142135623730951}},"o":{"df":0,"docs":{},"f":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{".":{"df":0,"docs":{},"j":{"df":0,"docs":{},"l":{"df":1,"docs":{"11":{"tf":1.0}}}}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"53":{"tf":1.0},"56":{"tf":1.0}},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}}}}}},"l":{"/":{"df":0,"docs":{},"h":{"df":1,"docs":{"6":{"tf":2.0}}}},"df":1,"docs":{"6":{"tf":2.0}}},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"20":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"!":{"(":{"\"":{"df":0,"docs":{},"y":{"0":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{},"l":{"df":16,"docs":{"0":{"tf":3.4641016151377544},"1":{"tf":1.0},"16":{"tf":2.6457513110645907},"17":{"tf":1.4142135623730951},"18":{"tf":1.0},"2":{"tf":3.0},"20":{"tf":2.23606797749979},"21":{"tf":1.0},"37":{"tf":1.0},"4":{"tf":1.0},"5":{"tf":2.6457513110645907},"53":{"tf":1.4142135623730951},"54":{"tf":1.0},"6":{"tf":3.7416573867739413},"7":{"tf":1.0},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"f":{"df":1,"docs":{"53":{"tf":1.0}}}},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"20":{"tf":1.0}}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":14,"docs":{"1":{"tf":1.0},"11":{"tf":1.0},"13":{"tf":1.0},"16":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.7320508075688772},"23":{"tf":1.4142135623730951},"28":{"tf":1.0},"35":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.0},"56":{"tf":1.0},"6":{"tf":1.7320508075688772},"8":{"tf":1.0}}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"56":{"tf":1.0}}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":4,"docs":{"0":{"tf":1.0},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"7":{"tf":1.0}}}}}}},"u":{"c":{"df":0,"docs":{},"h":{"df":2,"docs":{"13":{"tf":1.0},"56":{"tf":1.0}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":4,"docs":{"13":{"tf":1.0},"53":{"tf":1.0},"55":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":7,"docs":{"24":{"tf":1.0},"26":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951},"35":{"tf":1.4142135623730951},"45":{"tf":1.0},"53":{"tf":1.0},"8":{"tf":1.0}}}}}}}},"t":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"47":{"tf":1.0}}}},"df":0,"docs":{}},"df":18,"docs":{"15":{"tf":1.4142135623730951},"2":{"tf":2.23606797749979},"20":{"tf":3.0},"29":{"tf":1.0},"32":{"tf":1.4142135623730951},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"4":{"tf":1.4142135623730951},"41":{"tf":2.23606797749979},"42":{"tf":2.23606797749979},"44":{"tf":1.0},"47":{"tf":1.4142135623730951},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":2.23606797749979},"7":{"tf":2.449489742783178},"9":{"tf":1.4142135623730951}}}},"y":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"<":{"'":{"_":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"36":{"tf":1.7320508075688772},"41":{"tf":1.0},"42":{"tf":1.4142135623730951}}}}}},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"<":{"'":{"_":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":2,"docs":{"37":{"tf":2.0},"42":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"<":{"'":{"_":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"42":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":3,"docs":{"35":{"tf":3.3166247903554},"41":{"tf":3.0},"42":{"tf":2.8284271247461903}}}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"h":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.4142135623730951}},"s":{"<":{"'":{"_":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"<":{"'":{"_":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"42":{"tf":1.0}}}}}}}},"n":{"^":{"2":{"df":2,"docs":{"13":{"tf":1.0},"52":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"a":{"b":{"df":0,"docs":{},"l":{"a":{"df":1,"docs":{"17":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"r":{"a":{":":{":":{"d":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":18,"docs":{"2":{"tf":1.4142135623730951},"24":{"tf":1.7320508075688772},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"4":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":4,"docs":{"24":{"tf":1.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"v":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"1":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":3,"docs":{"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":4,"docs":{"24":{"tf":1.0},"35":{"tf":1.7320508075688772},"36":{"tf":1.0},"37":{"tf":1.0}}}},"df":9,"docs":{"24":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":1,"docs":{"26":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":3,"docs":{"24":{"tf":1.0},"46":{"tf":1.0},"52":{"tf":1.0}},"l":{"df":0,"docs":{},"u":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":6,"docs":{"29":{"tf":1.0},"32":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":6,"docs":{"29":{"tf":1.0},"32":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"m":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"!":{"(":{"\"":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"df":1,"docs":{"20":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":1,"docs":{"53":{"tf":1.0}}}},"n":{"df":1,"docs":{"45":{"tf":1.7320508075688772}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"51":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"r":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"37":{"tf":1.0}}}}}},"df":3,"docs":{"13":{"tf":2.0},"52":{"tf":1.7320508075688772},"54":{"tf":1.0}},"e":{"c":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"35":{"tf":1.0}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"25":{"tf":1.0}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"d":{"df":20,"docs":{"1":{"tf":1.0},"12":{"tf":1.0},"13":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.0},"24":{"tf":1.0},"31":{"tf":1.4142135623730951},"32":{"tf":1.0},"34":{"tf":2.23606797749979},"38":{"tf":1.0},"39":{"tf":1.0},"40":{"tf":2.0},"45":{"tf":1.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.0},"50":{"tf":1.4142135623730951},"53":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"g":{"df":3,"docs":{"16":{"tf":1.0},"17":{"tf":1.7320508075688772},"4":{"tf":1.0}},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"w":{"_":{"df":0,"docs":{},"w":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"47":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}}}}},"df":13,"docs":{"1":{"tf":1.0},"2":{"tf":1.4142135623730951},"24":{"tf":1.7320508075688772},"3":{"tf":1.4142135623730951},"31":{"tf":1.0},"35":{"tf":1.4142135623730951},"37":{"tf":1.0},"4":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"47":{"tf":1.0},"50":{"tf":1.0},"7":{"tf":1.0}}},"x":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"20":{"tf":2.0}}}}}},"df":0,"docs":{}}}}}}}},"df":5,"docs":{"1":{"tf":1.0},"3":{"tf":1.0},"35":{"tf":1.0},"5":{"tf":1.0},"8":{"tf":1.0}}}}},"g":{"df":1,"docs":{"6":{"tf":2.0}}},"o":{"d":{"df":0,"docs":{},"e":{"df":2,"docs":{"8":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"df":0,"docs":{},"n":{"df":6,"docs":{"13":{"tf":1.4142135623730951},"25":{"tf":1.4142135623730951},"34":{"tf":1.0},"35":{"tf":1.0},"46":{"tf":1.4142135623730951},"6":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":8,"docs":{"20":{"tf":1.0},"34":{"tf":1.0},"35":{"tf":1.7320508075688772},"36":{"tf":1.0},"40":{"tf":2.0},"41":{"tf":2.6457513110645907},"42":{"tf":2.8284271247461903},"45":{"tf":1.0}},"j":{"a":{"c":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"n":{"df":2,"docs":{"35":{"tf":1.7320508075688772},"45":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"r":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"32":{"tf":1.0},"5":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"t":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":4,"docs":{"40":{"tf":1.0},"45":{"tf":1.0},"47":{"tf":1.0},"50":{"tf":1.0}}}},"u":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":5,"docs":{"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":2.449489742783178},"42":{"tf":2.449489742783178}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"w":{"df":8,"docs":{"18":{"tf":1.0},"2":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0}}}},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":5,"docs":{"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":2.449489742783178},"42":{"tf":2.449489742783178}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":5,"docs":{"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":2.449489742783178},"42":{"tf":2.449489742783178}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"m":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":6,"docs":{"13":{"tf":1.0},"35":{"tf":1.0},"45":{"tf":1.0},"48":{"tf":1.0},"52":{"tf":2.0},"53":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"13":{"tf":1.0}}}}}}},"o":{"b":{"df":0,"docs":{},"j":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"40":{"tf":1.0},"45":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"v":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"32":{"tf":1.0}}}}},"df":0,"docs":{}}},"c":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":5,"docs":{"0":{"tf":1.4142135623730951},"16":{"tf":1.4142135623730951},"22":{"tf":1.0},"5":{"tf":2.0},"7":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"p":{"df":1,"docs":{"18":{"tf":1.0}}}},"d":{"df":25,"docs":{"0":{"tf":4.242640687119285},"1":{"tf":3.605551275463989},"10":{"tf":1.7320508075688772},"13":{"tf":1.0},"14":{"tf":1.4142135623730951},"2":{"tf":2.23606797749979},"22":{"tf":1.7320508075688772},"24":{"tf":1.7320508075688772},"25":{"tf":1.0},"26":{"tf":1.0},"3":{"tf":3.4641016151377544},"30":{"tf":1.0},"31":{"tf":1.7320508075688772},"33":{"tf":1.0},"34":{"tf":1.0},"38":{"tf":1.0},"4":{"tf":1.7320508075688772},"49":{"tf":1.0},"5":{"tf":2.8284271247461903},"51":{"tf":1.0},"52":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":2.0},"8":{"tf":2.6457513110645907}},"e":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"df":16,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"23":{"tf":1.7320508075688772},"24":{"tf":1.7320508075688772},"26":{"tf":1.0},"28":{"tf":1.0},"31":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.4142135623730951},"4":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"m":{">":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{"(":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"p":{"(":{"[":{"1":{".":{"0":{"]":{")":{".":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{"(":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":18,"docs":{"15":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"4":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"<":{"'":{"_":{">":{">":{":":{":":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"h":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"a":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"39":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.0}}}}}}}}}}},"df":9,"docs":{"2":{"tf":1.0},"20":{"tf":1.0},"23":{"tf":1.0},"34":{"tf":1.0},"39":{"tf":1.4142135623730951},"40":{"tf":1.7320508075688772},"41":{"tf":2.0},"42":{"tf":1.7320508075688772},"45":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"d":{"df":12,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"32":{"tf":1.7320508075688772},"4":{"tf":1.0},"44":{"tf":1.0},"48":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":2,"docs":{"46":{"tf":1.0},"47":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"t":{"df":4,"docs":{"32":{"tf":1.4142135623730951},"44":{"tf":1.0},"47":{"tf":1.4142135623730951},"50":{"tf":1.0}},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":5,"docs":{"20":{"tf":1.0},"29":{"tf":1.4142135623730951},"50":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}}}}}}}}}}},"df":0,"docs":{},"h":{"df":0,"docs":{},"m":{"'":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}}},"k":{"(":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{":":{":":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":5,"docs":{"20":{"tf":1.0},"29":{"tf":1.0},"50":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}}}}}}}}}},"df":0,"docs":{}}}}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"d":{"(":{"_":{"df":1,"docs":{"50":{"tf":1.0}}},"df":0,"docs":{},"t":{"df":3,"docs":{"20":{"tf":1.0},"29":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"t":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"c":{"df":0,"docs":{},"h":{"df":5,"docs":{"20":{"tf":1.0},"29":{"tf":1.0},"50":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}}}}}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"g":{"a":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}},"n":{"c":{"df":7,"docs":{"16":{"tf":1.0},"26":{"tf":1.0},"32":{"tf":1.0},"34":{"tf":1.0},"44":{"tf":1.0},"46":{"tf":1.0},"50":{"tf":1.0}}},"df":12,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"12":{"tf":1.0},"20":{"tf":1.0},"28":{"tf":1.4142135623730951},"36":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0},"46":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.0}}},"p":{"df":7,"docs":{"34":{"tf":1.0},"35":{"tf":2.0},"36":{"tf":1.0},"37":{"tf":1.0},"39":{"tf":1.0},"41":{"tf":2.6457513110645907},"42":{"tf":2.6457513110645907}},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"18":{"tf":1.0}}},"r":{"df":4,"docs":{"16":{"tf":1.0},"20":{"tf":1.0},"34":{"tf":1.0},"45":{"tf":1.0}}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"4":{"tf":1.0}}}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"30":{"tf":1.0}}},"o":{"df":0,"docs":{},"n":{"<":{"<":{"df":0,"docs":{},"m":{"df":0,"docs":{},"y":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":2,"docs":{"41":{"tf":1.7320508075688772},"42":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":2,"docs":{"22":{"tf":1.7320508075688772},"24":{"tf":1.0}}}}}}},"r":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":9,"docs":{"0":{"tf":3.0},"1":{"tf":2.6457513110645907},"2":{"tf":1.7320508075688772},"3":{"tf":3.4641016151377544},"4":{"tf":1.4142135623730951},"40":{"tf":1.0},"50":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772}}}},"i":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":4,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"43":{"tf":1.0},"8":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"g":{"a":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"52":{"tf":1.0}}}}}}},"s":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":1,"docs":{"20":{"tf":1.0}}}}}}},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":8,"docs":{"11":{"tf":1.0},"20":{"tf":1.7320508075688772},"34":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"53":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":8,"docs":{"18":{"tf":1.4142135623730951},"20":{"tf":1.4142135623730951},"22":{"tf":1.4142135623730951},"35":{"tf":1.0},"40":{"tf":1.0},"45":{"tf":1.4142135623730951},"49":{"tf":1.0},"53":{"tf":1.7320508075688772}}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":7,"docs":{"12":{"tf":1.0},"13":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"49":{"tf":1.0},"5":{"tf":1.0}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.4142135623730951}}}}}}}}},"r":{"df":0,"docs":{},"i":{"d":{"df":1,"docs":{"50":{"tf":1.0}}},"df":0,"docs":{}}}}}}},"p":{"(":{"[":{"1":{".":{"0":{"df":2,"docs":{"20":{"tf":1.0},"44":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"!":{"[":{"1":{".":{"0":{"df":12,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"42":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"[":{"0":{"df":11,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"32":{"tf":2.449489742783178},"45":{"tf":2.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178}}},"1":{"df":11,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":1.4142135623730951},"31":{"tf":2.23606797749979},"32":{"tf":3.1622776601683795},"45":{"tf":2.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178}}},"df":0,"docs":{}},"a":{"c":{"df":0,"docs":{},"k":{"a":{"df":0,"docs":{},"g":{"df":2,"docs":{"10":{"tf":1.0},"11":{"tf":2.8284271247461903}}}},"df":0,"docs":{}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"c":{"!":{"(":{"\"":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"50":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":2,"docs":{"29":{"tf":1.0},"50":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"20":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}}},"w":{"df":1,"docs":{"29":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":11,"docs":{"16":{"tf":1.0},"2":{"tf":1.4142135623730951},"22":{"tf":1.0},"24":{"tf":2.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951},"32":{"tf":1.0},"40":{"tf":1.0},"44":{"tf":1.0},"52":{"tf":1.7320508075688772},"6":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"16":{"tf":1.0}},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"20":{"tf":1.0}}}}}}}}}},"df":0,"docs":{},"t":{"df":2,"docs":{"21":{"tf":1.0},"52":{"tf":2.0}},"i":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"10":{"tf":1.0},"31":{"tf":1.4142135623730951}}}},"c":{"df":0,"docs":{},"l":{"df":4,"docs":{"16":{"tf":1.0},"17":{"tf":1.7320508075688772},"18":{"tf":1.0},"20":{"tf":1.0}}},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":2,"docs":{"0":{"tf":1.0},"50":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":3,"docs":{"0":{"tf":1.0},"20":{"tf":1.0},"45":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"s":{"df":4,"docs":{"0":{"tf":1.0},"28":{"tf":1.0},"56":{"tf":1.0},"9":{"tf":1.4142135623730951}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"'":{"df":1,"docs":{"6":{"tf":1.0}}},"df":1,"docs":{"6":{"tf":1.0}}}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":1,"docs":{"45":{"tf":2.23606797749979}}}}}}}},"b":{"df":0,"docs":{},"p":{"df":0,"docs":{},"k":{"df":1,"docs":{"6":{"tf":1.0}}}}},"d":{"df":1,"docs":{"6":{"tf":1.4142135623730951}},"e":{"df":4,"docs":{"10":{"tf":2.449489742783178},"11":{"tf":1.4142135623730951},"12":{"tf":1.0},"25":{"tf":1.0}}}},"df":18,"docs":{"2":{"tf":1.0},"22":{"tf":3.0},"24":{"tf":3.1622776601683795},"25":{"tf":1.0},"26":{"tf":1.7320508075688772},"28":{"tf":2.6457513110645907},"29":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"32":{"tf":2.449489742783178},"35":{"tf":1.4142135623730951},"40":{"tf":2.449489742783178},"41":{"tf":3.605551275463989},"42":{"tf":3.605551275463989},"45":{"tf":2.449489742783178},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178}},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":8,"docs":{"16":{"tf":1.0},"21":{"tf":1.0},"23":{"tf":1.0},"27":{"tf":1.0},"51":{"tf":1.0},"53":{"tf":1.4142135623730951},"54":{"tf":1.0},"55":{"tf":2.0}}}}}},"i":{"df":0,"docs":{},"p":{"df":0,"docs":{},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":2.23606797749979}}}}}}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"1":{"tf":1.0}}}}}},"h":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"a":{"c":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"y":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"k":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.7320508075688772}}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"2":{"tf":2.23606797749979}}}}},"df":0,"docs":{},"y":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"c":{"df":5,"docs":{"0":{"tf":1.4142135623730951},"16":{"tf":2.0},"20":{"tf":1.4142135623730951},"3":{"tf":1.0},"8":{"tf":1.0}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}}},"i":{"df":0,"docs":{},"e":{"c":{"df":1,"docs":{"1":{"tf":1.0}}},"df":0,"docs":{}}},"k":{"df":1,"docs":{"6":{"tf":2.449489742783178}},"p":{"d":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}},"l":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":1,"docs":{"2":{"tf":2.0}}}},"s":{"df":0,"docs":{},"m":{"a":{"/":{"b":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{".":{"a":{"d":{"d":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}},"p":{"df":0,"docs":{},"h":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"e":{"d":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"q":{"_":{"c":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"t":{"df":0,"docs":{},"r":{"a":{"c":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"v":{"df":1,"docs":{"7":{"tf":1.0}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}}}}},"x":{"_":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"_":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"b":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"20":{"tf":1.0}}}}}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"r":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}},"df":0,"docs":{}}}},"h":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"15":{"tf":1.0}}}},"df":0,"docs":{}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}},"s":{"df":0,"docs":{},"p":{"df":1,"docs":{"4":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}},":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{")":{".":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"(":{"\"":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":8,"docs":{"15":{"tf":1.4142135623730951},"2":{"tf":2.8284271247461903},"20":{"tf":1.4142135623730951},"4":{"tf":1.4142135623730951},"56":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"7":{"tf":1.4142135623730951},"9":{"tf":1.7320508075688772}},"l":{"df":0,"docs":{},"i":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"o":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":5,"docs":{"13":{"tf":2.0},"14":{"tf":1.0},"45":{"tf":1.0},"52":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951}}}}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"51":{"tf":1.0}}}},"df":3,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":2.6457513110645907},"2":{"tf":4.69041575982343}}}}},"r":{"df":0,"docs":{},"t":{"df":2,"docs":{"21":{"tf":1.0},"53":{"tf":1.0}}}},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":7,"docs":{"12":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.7320508075688772},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951}}}},"s":{"df":0,"docs":{},"i":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.0}}}}}}},"w":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"e":{"d":{"a":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":5.477225575051661},"52":{"tf":1.0}},"o":{"df":0,"docs":{},"r":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"d":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"2":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"16":{"tf":1.0}}}},"df":0,"docs":{}}},"df":1,"docs":{"46":{"tf":1.4142135623730951}},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"13":{"tf":1.0}}}}},"s":{"c":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"b":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":2,"docs":{"21":{"tf":1.0},"54":{"tf":1.0}}}}}},"v":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":1,"docs":{"56":{"tf":1.0}}}}}},"y":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":4.898979485566356},"52":{"tf":1.0}}}},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"21":{"tf":1.0},"8":{"tf":1.0}}}}},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.0}},"f":{"df":1,"docs":{"53":{"tf":1.0}}},"l":{"df":0,"docs":{},"n":{"!":{"(":{"\"":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"29":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"45":{"tf":1.0}}}}}}},"o":{"b":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"56":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{".":{"b":{"d":{"df":0,"docs":{},"f":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"46":{"tf":1.0}},"s":{">":{"(":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":12,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"29":{"tf":1.0},"32":{"tf":1.4142135623730951},"4":{"tf":1.0},"44":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":0,"docs":{},"s":{">":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"46":{"tf":1.0},"47":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"(":{")":{".":{"c":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"(":{"df":0,"docs":{},"t":{"0":{"df":1,"docs":{"45":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"(":{")":{".":{"c":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"i":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"i":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"h":{"df":0,"docs":{},"s":{"(":{")":{".":{"df":0,"docs":{},"j":{"a":{"c":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"n":{"(":{"&":{"df":0,"docs":{},"y":{"0":{"df":1,"docs":{"45":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"f":{"a":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"n":{"(":{"1":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"p":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"3":{"4":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"t":{"0":{"df":1,"docs":{"45":{"tf":1.0}}},"df":0,"docs":{},"r":{"_":{"b":{"d":{"df":0,"docs":{},"f":{"2":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":0,"docs":{},"s":{">":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"46":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":38,"docs":{"1":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.7320508075688772},"20":{"tf":1.0},"21":{"tf":2.23606797749979},"23":{"tf":1.4142135623730951},"24":{"tf":2.6457513110645907},"25":{"tf":1.7320508075688772},"26":{"tf":1.7320508075688772},"27":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":2.0},"32":{"tf":2.449489742783178},"33":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"35":{"tf":1.4142135623730951},"4":{"tf":1.0},"42":{"tf":1.7320508075688772},"43":{"tf":1.7320508075688772},"44":{"tf":1.7320508075688772},"45":{"tf":2.449489742783178},"46":{"tf":2.0},"47":{"tf":1.4142135623730951},"48":{"tf":1.4142135623730951},"49":{"tf":3.0},"5":{"tf":1.0},"50":{"tf":2.0},"52":{"tf":3.4641016151377544},"53":{"tf":3.1622776601683795},"54":{"tf":1.4142135623730951},"55":{"tf":3.0},"56":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.7320508075688772},"8":{"tf":1.0},"9":{"tf":1.0}}}}}},"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":6,"docs":{"1":{"tf":1.0},"16":{"tf":1.4142135623730951},"2":{"tf":1.0},"27":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.0}}}}}},"d":{"df":0,"docs":{},"u":{"c":{"df":1,"docs":{"5":{"tf":1.0}},"t":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"26":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"45":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"16":{"tf":1.4142135623730951}}}}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":3,"docs":{"1":{"tf":1.0},"2":{"tf":2.0},"4":{"tf":1.0}}}}}},"t":{"df":0,"docs":{},"o":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}}},"df":0,"docs":{}}},"v":{"df":0,"docs":{},"i":{"d":{"df":18,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":1.0},"16":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.0},"24":{"tf":1.0},"26":{"tf":1.4142135623730951},"31":{"tf":1.0},"33":{"tf":1.0},"47":{"tf":1.4142135623730951},"48":{"tf":1.0},"49":{"tf":1.7320508075688772},"5":{"tf":1.7320508075688772},"52":{"tf":1.0},"53":{"tf":1.7320508075688772},"55":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}}},"u":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":1,"docs":{"53":{"tf":1.0}}}}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":2,"docs":{"0":{"tf":1.0},"21":{"tf":1.0}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":3,"docs":{"40":{"tf":1.0},"43":{"tf":1.0},"8":{"tf":1.0}}}}}},"t":{"df":3,"docs":{"2":{"tf":1.0},"26":{"tf":1.0},"38":{"tf":1.0}}}},"y":{"b":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"m":{"df":1,"docs":{"20":{"tf":1.7320508075688772}}}}},"df":0,"docs":{}},"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":5,"docs":{"11":{"tf":1.4142135623730951},"20":{"tf":1.0},"23":{"tf":1.0},"43":{"tf":1.0},"56":{"tf":1.0}}}}}}}},"q":{"_":{"c":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"q":{"_":{"c":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"df":1,"docs":{"6":{"tf":2.0}}},"df":0,"docs":{},"p":{"1":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"q":{"_":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"1":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"{":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":2.8284271247461903}}},"df":0,"docs":{}}}},"c":{"df":1,"docs":{"6":{"tf":2.0}}},"df":1,"docs":{"6":{"tf":1.4142135623730951}},"p":{"1":{"df":1,"docs":{"6":{"tf":2.449489742783178}}},"df":0,"docs":{}},"q":{"df":0,"docs":{},"u":{"a":{"d":{"df":2,"docs":{"17":{"tf":1.0},"19":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"u":{"a":{"d":{"df":2,"docs":{"17":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":1,"docs":{"30":{"tf":1.0}},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"t":{"df":1,"docs":{"6":{"tf":1.0}},"i":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}}}}}},"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"k":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"56":{"tf":1.0}}}}}},"df":0,"docs":{},"t":{"df":2,"docs":{"36":{"tf":1.0},"55":{"tf":1.0}}}}}},"r":{"(":{"df":0,"docs":{},"i":{"df":1,"docs":{"28":{"tf":2.23606797749979}}},"t":{"df":1,"docs":{"22":{"tf":1.0}}}},"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.0}}}},"a":{"d":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"16":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":3,"docs":{"0":{"tf":1.0},"20":{"tf":1.0},"8":{"tf":1.0}}}},"p":{"df":0,"docs":{},"i":{"d":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"20":{"tf":1.0}}}}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"e":{"df":9,"docs":{"1":{"tf":2.6457513110645907},"16":{"tf":1.4142135623730951},"18":{"tf":1.0},"2":{"tf":3.1622776601683795},"20":{"tf":1.4142135623730951},"24":{"tf":1.0},"6":{"tf":2.0},"8":{"tf":1.0},"9":{"tf":1.0}}},"i":{"df":0,"docs":{},"o":{"df":1,"docs":{"7":{"tf":1.0}}}}}},"df":10,"docs":{"23":{"tf":1.0},"24":{"tf":1.7320508075688772},"26":{"tf":1.7320508075688772},"28":{"tf":1.0},"31":{"tf":2.23606797749979},"35":{"tf":1.0},"43":{"tf":1.0},"44":{"tf":2.449489742783178},"56":{"tf":1.0},"9":{"tf":2.449489742783178}},"e":{"a":{"c":{"df":0,"docs":{},"h":{"df":4,"docs":{"20":{"tf":1.7320508075688772},"32":{"tf":1.0},"55":{"tf":1.0},"7":{"tf":1.0}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":3,"docs":{"16":{"tf":1.0},"18":{"tf":1.0},"6":{"tf":1.0}}}}}}},"d":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"29":{"tf":1.0}}}}}},"c":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"31":{"tf":1.0},"8":{"tf":1.0}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"10":{"tf":1.0},"23":{"tf":1.0}}},"df":0,"docs":{}}}}}}},"d":{"df":0,"docs":{},"u":{"c":{"df":1,"docs":{"8":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":1,"docs":{"50":{"tf":1.0}},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":4,"docs":{"40":{"tf":1.0},"47":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.0}}}},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"5":{"tf":1.0}}}},"df":0,"docs":{}}},"r":{"a":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}},"g":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":3,"docs":{"13":{"tf":1.0},"20":{"tf":1.0},"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"l":{"a":{"df":0,"docs":{},"t":{"df":2,"docs":{"6":{"tf":1.0},"8":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"df":1,"docs":{"8":{"tf":1.0}}}}}}}}}}},"df":4,"docs":{"24":{"tf":1.4142135623730951},"43":{"tf":1.0},"53":{"tf":1.0},"54":{"tf":1.0}},"e":{"df":0,"docs":{},"v":{"df":1,"docs":{"13":{"tf":1.0}}}},"i":{"df":1,"docs":{"20":{"tf":1.0}}}},"m":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"v":{"df":1,"docs":{"53":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}},"e":{"d":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":7,"docs":{"13":{"tf":1.0},"2":{"tf":2.23606797749979},"24":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":1.0},"53":{"tf":1.0}}}},"o":{"d":{"df":0,"docs":{},"u":{"c":{"df":1,"docs":{"2":{"tf":1.4142135623730951}},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"q":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":6,"docs":{"1":{"tf":1.0},"26":{"tf":1.0},"40":{"tf":1.0},"5":{"tf":1.0},"55":{"tf":1.0},"6":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"i":{"d":{"df":0,"docs":{},"u":{"df":1,"docs":{"53":{"tf":1.0}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":2.6457513110645907}}}}}}},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":9,"docs":{"1":{"tf":1.0},"24":{"tf":1.0},"3":{"tf":1.4142135623730951},"30":{"tf":1.0},"31":{"tf":2.0},"47":{"tf":1.0},"49":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}},"t":{"df":1,"docs":{"53":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":2.0}}}}}}},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":5,"docs":{"10":{"tf":1.4142135623730951},"20":{"tf":1.0},"5":{"tf":1.0},"50":{"tf":1.0},"54":{"tf":1.7320508075688772}}}}}},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":6,"docs":{"29":{"tf":1.4142135623730951},"32":{"tf":1.0},"40":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":2.23606797749979},"50":{"tf":2.0}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"7":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":1,"docs":{"21":{"tf":1.0}}}}}},"w":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"3":{"tf":1.0},"7":{"tf":1.0}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"3":{"tf":1.0}}}}}}}}}},"h":{"df":7,"docs":{"34":{"tf":1.0},"35":{"tf":2.23606797749979},"36":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"45":{"tf":1.0},"53":{"tf":1.4142135623730951}},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":9,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}}}},"df":0,"docs":{}}}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"31":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":8,"docs":{"18":{"tf":1.0},"22":{"tf":1.0},"26":{"tf":1.0},"31":{"tf":1.4142135623730951},"33":{"tf":1.0},"4":{"tf":1.0},"40":{"tf":1.4142135623730951},"6":{"tf":2.0}}}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"7":{"tf":1.0}}}}},"o":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"_":{"df":0,"docs":{},"o":{"d":{"df":3,"docs":{"52":{"tf":1.0},"53":{"tf":1.4142135623730951},"55":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":4,"docs":{"52":{"tf":1.4142135623730951},"53":{"tf":1.7320508075688772},"55":{"tf":1.0},"56":{"tf":1.0}}}}}}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{},"|":{"df":0,"docs":{},"x":{"df":2,"docs":{"28":{"tf":1.0},"29":{"tf":1.0}}}}},"df":11,"docs":{"19":{"tf":1.0},"22":{"tf":1.4142135623730951},"27":{"tf":1.4142135623730951},"28":{"tf":2.8284271247461903},"29":{"tf":1.4142135623730951},"34":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"5":{"tf":1.0},"7":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"(":{"1":{"df":5,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":1,"docs":{"24":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":1,"docs":{"46":{"tf":1.0}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"56":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"t":{"df":7,"docs":{"2":{"tf":1.4142135623730951},"21":{"tf":1.7320508075688772},"23":{"tf":1.4142135623730951},"43":{"tf":1.4142135623730951},"53":{"tf":2.0},"54":{"tf":1.0},"56":{"tf":2.449489742783178}}}}},"v":{"df":1,"docs":{"24":{"tf":1.0}}},"}":{"\\":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"\\":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"{":{"df":0,"docs":{},"r":{"=":{"0":{"df":1,"docs":{"17":{"tf":1.0}}},"df":0,"docs":{},"r":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}},"s":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":10,"docs":{"1":{"tf":1.0},"11":{"tf":1.0},"40":{"tf":1.0},"47":{"tf":1.0},"52":{"tf":1.7320508075688772},"53":{"tf":2.0},"54":{"tf":1.0},"55":{"tf":1.4142135623730951},"56":{"tf":1.0},"9":{"tf":1.0}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":3,"docs":{"47":{"tf":1.0},"50":{"tf":1.0},"8":{"tf":1.0}}}}}}},"v":{"df":0,"docs":{},"e":{"df":3,"docs":{"20":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}}},"c":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":1,"docs":{"7":{"tf":1.0}}}},"t":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"t":{".":{"c":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":2,"docs":{"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":2,"docs":{"20":{"tf":1.0},"7":{"tf":1.0}},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"2":{"tf":1.0},"6":{"tf":1.0}},"e":{".":{"c":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":3,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":6,"docs":{"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"k":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"11":{"tf":1.0}}}}}}},"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":2,"docs":{"46":{"tf":1.7320508075688772},"47":{"tf":1.0}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"46":{"tf":1.0}},"e":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"_":{"df":0,"docs":{},"w":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}},"df":1,"docs":{"32":{"tf":1.0}},"e":{"c":{"df":1,"docs":{"20":{"tf":1.0}},"o":{"df":0,"docs":{},"n":{"d":{"df":6,"docs":{"1":{"tf":1.0},"2":{"tf":1.0},"3":{"tf":2.23606797749979},"4":{"tf":1.0},"50":{"tf":1.0},"7":{"tf":1.0}}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":10,"docs":{"0":{"tf":1.7320508075688772},"1":{"tf":1.0},"16":{"tf":1.0},"3":{"tf":1.0},"30":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.4142135623730951},"5":{"tf":1.4142135623730951},"53":{"tf":1.0},"8":{"tf":1.0}}}}}}},"df":0,"docs":{},"e":{"df":7,"docs":{"13":{"tf":1.0},"2":{"tf":1.0},"24":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.0}},"n":{"df":3,"docs":{"55":{"tf":1.0},"56":{"tf":1.0},"8":{"tf":1.0}}}},"l":{"df":0,"docs":{},"f":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"37":{"tf":1.0}}}}},"df":0,"docs":{}},"p":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"y":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"(":{"df":0,"docs":{},"p":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":2,"docs":{"41":{"tf":2.23606797749979},"42":{"tf":2.23606797749979}}}},"df":4,"docs":{"35":{"tf":1.4142135623730951},"37":{"tf":1.4142135623730951},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}}},"m":{"df":0,"docs":{},"i":{"df":1,"docs":{"8":{"tf":1.7320508075688772}}}},"n":{"df":0,"docs":{},"s":{"_":{"a":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"32":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}}},"t":{"_":{"df":0,"docs":{},"o":{"df":1,"docs":{"32":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":4,"docs":{"30":{"tf":1.7320508075688772},"31":{"tf":2.0},"32":{"tf":2.449489742783178},"49":{"tf":1.4142135623730951}}}}}},"p":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"53":{"tf":1.0}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"i":{"df":3,"docs":{"0":{"tf":1.0},"43":{"tf":1.0},"9":{"tf":1.0}}}},"t":{"_":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"50":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}},"df":14,"docs":{"0":{"tf":1.0},"1":{"tf":1.7320508075688772},"13":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"27":{"tf":1.0},"29":{"tf":1.0},"46":{"tf":2.0},"47":{"tf":1.0},"52":{"tf":1.4142135623730951},"53":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}},"u":{"df":0,"docs":{},"p":{"df":2,"docs":{"47":{"tf":1.0},"54":{"tf":1.0}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"2":{"tf":1.0},"52":{"tf":1.0}}}}}},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":4,"docs":{"16":{"tf":1.0},"2":{"tf":1.0},"49":{"tf":1.0},"8":{"tf":1.0}},"n":{"df":2,"docs":{"1":{"tf":1.0},"6":{"tf":1.0}}}}}},"i":{"d":{"df":0,"docs":{},"e":{"df":7,"docs":{"22":{"tf":1.0},"26":{"tf":1.0},"31":{"tf":1.4142135623730951},"33":{"tf":1.0},"4":{"tf":1.0},"40":{"tf":1.4142135623730951},"6":{"tf":1.0}}}},"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":1,"docs":{"4":{"tf":1.0}},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"c":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"55":{"tf":1.0}}}}}}},"df":2,"docs":{"40":{"tf":1.0},"53":{"tf":1.0}}},"df":0,"docs":{}}}}}},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":6,"docs":{"16":{"tf":1.0},"2":{"tf":1.0},"23":{"tf":1.0},"36":{"tf":1.0},"51":{"tf":1.0},"55":{"tf":1.0}}}},"df":0,"docs":{}}},"p":{"df":0,"docs":{},"l":{"df":10,"docs":{"0":{"tf":2.0},"12":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.0},"3":{"tf":1.0},"43":{"tf":1.0},"49":{"tf":1.0},"56":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":4,"docs":{"0":{"tf":1.0},"10":{"tf":1.0},"2":{"tf":1.0},"24":{"tf":1.0}}}}},"i":{"c":{"df":1,"docs":{"45":{"tf":1.0}}},"df":0,"docs":{},"f":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"20":{"tf":1.0}}}}}}},"df":0,"docs":{}}}}}},"df":4,"docs":{"16":{"tf":1.0},"19":{"tf":1.0},"20":{"tf":1.7320508075688772},"40":{"tf":1.0}}}}},"n":{"(":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"g":{"a":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}}},"df":0,"docs":{},"g":{"df":0,"docs":{},"l":{"df":6,"docs":{"13":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"50":{"tf":1.0}},"i":{"df":1,"docs":{"46":{"tf":1.0}}}},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":2,"docs":{"25":{"tf":1.7320508075688772},"46":{"tf":1.0}}}},"df":0,"docs":{}}}},"h":{"df":1,"docs":{"18":{"tf":1.0}}},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"i":{"d":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}}}}}},"z":{"df":0,"docs":{},"e":{"df":8,"docs":{"13":{"tf":1.0},"24":{"tf":1.0},"47":{"tf":1.0},"50":{"tf":1.4142135623730951},"52":{"tf":2.0},"54":{"tf":1.0},"55":{"tf":1.0},"56":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"53":{"tf":1.4142135623730951},"55":{"tf":1.0}}}}}}}},"o":{"df":0,"docs":{},"w":{"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":0,"docs":{},"n":{"df":1,"docs":{"56":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"23":{"tf":1.0},"54":{"tf":1.0},"55":{"tf":1.7320508075688772}}}},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"55":{"tf":1.0}}}}}}},"m":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":3,"docs":{"50":{"tf":1.0},"55":{"tf":1.4142135623730951},"56":{"tf":1.4142135623730951}},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"55":{"tf":1.0}}}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"l":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"p":{"(":{"df":0,"docs":{},"|":{"df":0,"docs":{},"v":{"df":1,"docs":{"15":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":1,"docs":{"15":{"tf":1.0}},"u":{"df":0,"docs":{},"t":{"df":6,"docs":{"1":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.0},"49":{"tf":2.23606797749979},"50":{"tf":3.0}}}},"v":{"df":30,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":2.0},"10":{"tf":2.0},"12":{"tf":1.0},"14":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":2.449489742783178},"21":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.4142135623730951},"29":{"tf":1.4142135623730951},"3":{"tf":1.0},"32":{"tf":2.0},"4":{"tf":1.0},"43":{"tf":1.0},"46":{"tf":1.0},"47":{"tf":1.0},"48":{"tf":1.4142135623730951},"49":{"tf":3.1622776601683795},"5":{"tf":1.7320508075688772},"52":{"tf":2.0},"53":{"tf":1.0},"54":{"tf":1.4142135623730951},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.0}},"e":{"_":{"a":{"d":{"df":0,"docs":{},"j":{"df":0,"docs":{},"o":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"49":{"tf":1.0}}}}}}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":1,"docs":{"49":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}},"df":0,"docs":{},"r":{"'":{"df":1,"docs":{"47":{"tf":1.0}}},".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}},"t":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"o":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"50":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"(":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"o":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"32":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"1":{"0":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"50":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"20":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"t":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"(":{"1":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"49":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"4":{"0":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"t":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"44":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"_":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"15":{"tf":1.0},"49":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":1,"docs":{"32":{"tf":1.0}},"i":{"df":2,"docs":{"29":{"tf":1.0},"50":{"tf":1.0}}},"t":{"df":3,"docs":{"20":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951},"50":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"d":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}},"y":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"y":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"(":{"&":{"df":0,"docs":{},"i":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"[":{"0":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"(":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"32":{"tf":1.4142135623730951},"50":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":5,"docs":{"20":{"tf":1.0},"29":{"tf":1.0},"50":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0}}}}}}},"df":25,"docs":{"1":{"tf":1.4142135623730951},"10":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.7320508075688772},"27":{"tf":1.0},"28":{"tf":1.7320508075688772},"29":{"tf":1.7320508075688772},"32":{"tf":1.4142135623730951},"4":{"tf":1.0},"44":{"tf":1.0},"46":{"tf":5.0},"47":{"tf":2.449489742783178},"48":{"tf":1.0},"49":{"tf":1.7320508075688772},"5":{"tf":2.23606797749979},"50":{"tf":3.4641016151377544},"51":{"tf":1.4142135623730951},"52":{"tf":3.0},"53":{"tf":2.8284271247461903},"55":{"tf":2.23606797749979},"56":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"7":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}}},"m":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"y":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}}}},"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"1":{"tf":1.0},"21":{"tf":1.0}}}}}}},"u":{"df":0,"docs":{},"r":{"c":{"df":1,"docs":{"9":{"tf":2.0}}},"df":0,"docs":{}}}},"p":{"a":{"c":{"df":0,"docs":{},"e":{"df":4,"docs":{"10":{"tf":1.0},"12":{"tf":1.0},"13":{"tf":1.0},"14":{"tf":1.0}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":10,"docs":{"13":{"tf":1.4142135623730951},"14":{"tf":1.0},"20":{"tf":1.4142135623730951},"24":{"tf":1.4142135623730951},"43":{"tf":1.0},"45":{"tf":2.6457513110645907},"46":{"tf":1.0},"52":{"tf":2.23606797749979},"53":{"tf":1.7320508075688772},"55":{"tf":1.0}},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":2,"docs":{"15":{"tf":1.0},"20":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":2,"docs":{"15":{"tf":1.0},"20":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":2.23606797749979}}}}}}},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"13":{"tf":1.0},"14":{"tf":1.0},"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"i":{"df":2,"docs":{"2":{"tf":2.6457513110645907},"52":{"tf":1.0}},"f":{"df":10,"docs":{"0":{"tf":1.4142135623730951},"17":{"tf":1.0},"2":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0},"43":{"tf":1.4142135623730951},"5":{"tf":2.23606797749979},"50":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"8":{"tf":1.0}},"i":{"df":27,"docs":{"11":{"tf":1.0},"2":{"tf":1.0},"21":{"tf":2.23606797749979},"22":{"tf":1.7320508075688772},"23":{"tf":1.7320508075688772},"24":{"tf":2.0},"26":{"tf":1.0},"28":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951},"32":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.0},"35":{"tf":1.7320508075688772},"36":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.0},"41":{"tf":1.0},"43":{"tf":1.7320508075688772},"44":{"tf":1.4142135623730951},"45":{"tf":2.23606797749979},"46":{"tf":1.0},"49":{"tf":1.0},"50":{"tf":2.0},"6":{"tf":2.0},"7":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.4142135623730951}}}}},"t":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"10":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"d":{"df":1,"docs":{"56":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"m":{"df":3,"docs":{"16":{"tf":1.4142135623730951},"17":{"tf":1.0},"20":{"tf":1.0}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":3,"docs":{"0":{"tf":1.4142135623730951},"3":{"tf":1.0},"4":{"tf":2.449489742783178}}}}}}},"q":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"{":{"c":{"_":{"df":0,"docs":{},"e":{"df":1,"docs":{"18":{"tf":1.0}}},"i":{"(":{"df":0,"docs":{},"r":{"=":{"df":0,"docs":{},"r":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"^":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"x":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"t":{"a":{"df":0,"docs":{},"n":{"d":{"a":{"df":0,"docs":{},"r":{"d":{"df":3,"docs":{"1":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"t":{"df":4,"docs":{"1":{"tf":1.0},"2":{"tf":1.0},"45":{"tf":1.0},"55":{"tf":1.0}}}},"t":{"df":0,"docs":{},"e":{".":{"a":{"df":0,"docs":{},"s":{"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"47":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":18,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":3.0},"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"22":{"tf":1.7320508075688772},"24":{"tf":2.0},"3":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"35":{"tf":1.0},"46":{"tf":2.8284271247461903},"47":{"tf":3.4641016151377544},"49":{"tf":2.449489742783178},"5":{"tf":2.23606797749979},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":2.0},"8":{"tf":2.0}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":1,"docs":{"47":{"tf":1.0}},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"47":{"tf":1.0}}}}}}}}}}},"d":{":":{":":{"df":0,"docs":{},"f":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}},"s":{":":{":":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"d":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"(":{"\"":{".":{".":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"r":{"c":{"/":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"r":{"c":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"df":0,"docs":{},"m":{".":{"d":{"df":0,"docs":{},"s":{"\"":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":6,"docs":{"24":{"tf":1.0},"29":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"50":{"tf":3.872983346207417},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":3,"docs":{"46":{"tf":1.0},"52":{"tf":1.0},"55":{"tf":1.0}}}},"l":{"df":0,"docs":{},"l":{"df":1,"docs":{"23":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.0}}}}}}}}}}},"df":0,"docs":{}},"p":{"df":8,"docs":{"19":{"tf":1.4142135623730951},"20":{"tf":1.7320508075688772},"27":{"tf":1.0},"28":{"tf":1.7320508075688772},"29":{"tf":1.4142135623730951},"5":{"tf":1.0},"50":{"tf":2.0},"7":{"tf":1.4142135623730951}}},"r":{"df":0,"docs":{},"e":{"df":2,"docs":{"37":{"tf":1.0},"40":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":1,"docs":{"56":{"tf":1.0}}}}},"u":{"c":{"df":0,"docs":{},"t":{"df":20,"docs":{"23":{"tf":1.7320508075688772},"24":{"tf":1.7320508075688772},"26":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":1.7320508075688772},"34":{"tf":2.0},"35":{"tf":3.1622776601683795},"36":{"tf":1.0},"37":{"tf":1.4142135623730951},"38":{"tf":1.0},"39":{"tf":1.0},"40":{"tf":3.605551275463989},"41":{"tf":2.8284271247461903},"42":{"tf":2.8284271247461903},"44":{"tf":2.23606797749979},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":2.23606797749979},"50":{"tf":1.4142135623730951}},"u":{"df":0,"docs":{},"r":{"df":3,"docs":{"23":{"tf":1.0},"33":{"tf":1.0},"35":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"u":{"b":{"df":0,"docs":{},"j":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"c":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"29":{"tf":1.0},"50":{"tf":1.0}}}}}},"df":0,"docs":{},"h":{"df":9,"docs":{"0":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.0},"25":{"tf":1.0},"28":{"tf":1.0},"30":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0}}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"i":{"df":0,"docs":{},"t":{"a":{"b":{"df":0,"docs":{},"l":{"df":3,"docs":{"13":{"tf":1.0},"33":{"tf":1.0},"46":{"tf":1.0}}}},"df":0,"docs":{}},"df":1,"docs":{"51":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"52":{"tf":1.0}}}}},"df":0,"docs":{}}}}}},"m":{"df":1,"docs":{"9":{"tf":1.0}}},"n":{"d":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":6,"docs":{"51":{"tf":1.0},"52":{"tf":2.8284271247461903},"53":{"tf":3.0},"54":{"tf":1.4142135623730951},"55":{"tf":2.449489742783178},"56":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"_":{"b":{"a":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"52":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":1,"docs":{"52":{"tf":1.0}}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"52":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"df":1,"docs":{"7":{"tf":1.0}}},"f":{"a":{"c":{"df":4,"docs":{"15":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.7320508075688772},"18":{"tf":1.0}},"e":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{"df":0,"docs":{},"z":{")":{".":{"df":0,"docs":{},"x":{"(":{"df":0,"docs":{},"x":{")":{".":{"df":0,"docs":{},"y":{"(":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"y":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"x":{"df":2,"docs":{"2":{"tf":1.0},"43":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"'":{"df":1,"docs":{"0":{"tf":1.0}}},".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"4":{"tf":1.0}}}}}}},"df":24,"docs":{"0":{"tf":3.4641016151377544},"1":{"tf":3.0},"10":{"tf":1.4142135623730951},"13":{"tf":1.0},"14":{"tf":1.4142135623730951},"2":{"tf":2.8284271247461903},"26":{"tf":1.4142135623730951},"3":{"tf":2.449489742783178},"34":{"tf":1.4142135623730951},"38":{"tf":1.4142135623730951},"39":{"tf":1.0},"4":{"tf":2.6457513110645907},"41":{"tf":1.0},"43":{"tf":1.4142135623730951},"45":{"tf":2.0},"5":{"tf":3.0},"52":{"tf":1.0},"53":{"tf":1.4142135623730951},"55":{"tf":2.0},"56":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":1.7320508075688772},"8":{"tf":2.0},"9":{"tf":2.0}}}}}}}},"t":{".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"0":{".":{"0":{"df":2,"docs":{"20":{"tf":1.0},"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"20":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"0":{"(":{"0":{".":{"0":{"df":4,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":2,"docs":{"24":{"tf":1.0},"45":{"tf":1.4142135623730951}}},"_":{"0":{"df":1,"docs":{"22":{"tf":1.0}}},"df":0,"docs":{},"o":{"df":2,"docs":{"32":{"tf":2.8284271247461903},"50":{"tf":2.23606797749979}}}},"a":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"u":{":":{":":{"<":{"df":0,"docs":{},"m":{">":{":":{":":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"_":{"b":{"d":{"df":0,"docs":{},"f":{"2":{"df":1,"docs":{"46":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"46":{"tf":2.8284271247461903}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"k":{"df":0,"docs":{},"e":{"df":3,"docs":{"20":{"tf":1.0},"26":{"tf":1.0},"35":{"tf":1.0}},"n":{"df":4,"docs":{"53":{"tf":1.0},"54":{"tf":1.4142135623730951},"55":{"tf":1.0},"6":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":25,"docs":{"1":{"tf":2.0},"12":{"tf":1.7320508075688772},"17":{"tf":1.0},"2":{"tf":1.7320508075688772},"20":{"tf":1.4142135623730951},"22":{"tf":1.0},"24":{"tf":2.8284271247461903},"26":{"tf":2.23606797749979},"28":{"tf":2.23606797749979},"29":{"tf":2.0},"3":{"tf":1.7320508075688772},"35":{"tf":3.3166247903554},"36":{"tf":2.0},"37":{"tf":2.23606797749979},"4":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":4.358898943540674},"42":{"tf":4.358898943540674},"44":{"tf":1.0},"45":{"tf":1.4142135623730951},"5":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":2.6457513110645907},"8":{"tf":2.23606797749979},"9":{"tf":2.23606797749979}},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":2,"docs":{"12":{"tf":1.4142135623730951},"14":{"tf":1.0}}}}}},"df":0,"docs":{}}}}},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"43":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"m":{"df":4,"docs":{"13":{"tf":1.7320508075688772},"2":{"tf":2.449489742783178},"8":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":0,"docs":{},"n":{"df":4,"docs":{"16":{"tf":1.0},"18":{"tf":1.0},"19":{"tf":1.7320508075688772},"20":{"tf":1.7320508075688772}}}}}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"52":{"tf":1.4142135623730951},"53":{"tf":1.4142135623730951}}}},"x":{"df":0,"docs":{},"t":{"df":2,"docs":{"13":{"tf":1.0},"6":{"tf":2.0}},"{":{"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"}":{"(":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":2,"docs":{"13":{"tf":1.0},"40":{"tf":1.4142135623730951}}}}}},"m":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"12":{"tf":1.0}}}},"df":0,"docs":{}}}},"i":{"c":{"df":0,"docs":{},"k":{"df":2,"docs":{"16":{"tf":1.0},"17":{"tf":1.0}}}},"df":0,"docs":{},"n":{"df":2,"docs":{"24":{"tf":1.0},"45":{"tf":1.0}}},"r":{"d":{"df":1,"docs":{"24":{"tf":1.0}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":1,"docs":{"23":{"tf":1.0}}},"s":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"d":{"df":2,"docs":{"19":{"tf":1.7320508075688772},"6":{"tf":1.0}}},"df":0,"docs":{}}}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":4,"docs":{"45":{"tf":1.0},"50":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.7320508075688772}}}}}}},"u":{"df":6,"docs":{"1":{"tf":1.0},"21":{"tf":1.0},"26":{"tf":1.0},"43":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}}}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"43":{"tf":1.0}}}}}}},"m":{"df":0,"docs":{},"e":{".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"0":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"df":31,"docs":{"0":{"tf":1.7320508075688772},"1":{"tf":2.23606797749979},"10":{"tf":1.0},"12":{"tf":1.7320508075688772},"15":{"tf":1.4142135623730951},"2":{"tf":1.7320508075688772},"20":{"tf":1.4142135623730951},"22":{"tf":1.7320508075688772},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"29":{"tf":1.0},"3":{"tf":1.7320508075688772},"31":{"tf":1.0},"32":{"tf":2.23606797749979},"4":{"tf":1.4142135623730951},"40":{"tf":1.4142135623730951},"44":{"tf":1.0},"45":{"tf":1.0},"47":{"tf":1.4142135623730951},"49":{"tf":2.6457513110645907},"5":{"tf":2.23606797749979},"50":{"tf":2.8284271247461903},"52":{"tf":1.0},"54":{"tf":2.8284271247461903},"55":{"tf":1.0},"56":{"tf":1.0},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.7320508075688772}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"49":{"tf":1.0}}}}}}}},"s":{"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"o":{"/":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":3,"docs":{"2":{"tf":1.0},"38":{"tf":1.0},"6":{"tf":1.0}}}}}},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"24":{"tf":1.7320508075688772},"50":{"tf":1.0},"53":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"l":{"df":2,"docs":{"0":{"tf":1.0},"20":{"tf":1.0}}}},"p":{"df":1,"docs":{"9":{"tf":1.0}},"i":{"c":{"df":2,"docs":{"0":{"tf":1.0},"10":{"tf":1.0}}},"df":0,"docs":{}}},"t":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"52":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"x":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"_":{"b":{"d":{"df":0,"docs":{},"f":{"2":{"df":1,"docs":{"46":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"a":{"c":{"df":0,"docs":{},"e":{"df":1,"docs":{"15":{"tf":1.0}}}},"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"16":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":15,"docs":{"23":{"tf":1.0},"32":{"tf":1.7320508075688772},"34":{"tf":2.8284271247461903},"35":{"tf":2.0},"36":{"tf":1.4142135623730951},"37":{"tf":1.4142135623730951},"39":{"tf":1.4142135623730951},"40":{"tf":2.6457513110645907},"41":{"tf":1.4142135623730951},"42":{"tf":1.0},"45":{"tf":1.0},"47":{"tf":1.7320508075688772},"48":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}}},"j":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":1,"docs":{"25":{"tf":1.0}}}}}},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"l":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"0":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"56":{"tf":1.0}}},"df":0,"docs":{}}},"i":{"df":1,"docs":{"6":{"tf":1.0}},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.0}}}}}}},"u":{"df":0,"docs":{},"e":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}}}},"s":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":4,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"49":{"tf":1.0},"9":{"tf":1.0}}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":1,"docs":{"18":{"tf":1.0}}}}},"w":{"df":0,"docs":{},"o":{"df":10,"docs":{"1":{"tf":2.0},"2":{"tf":2.23606797749979},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"5":{"tf":1.4142135623730951},"50":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951},"9":{"tf":1.4142135623730951}}}},"y":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"df":27,"docs":{"0":{"tf":1.0},"15":{"tf":1.7320508075688772},"2":{"tf":2.449489742783178},"20":{"tf":1.7320508075688772},"24":{"tf":3.3166247903554},"26":{"tf":1.4142135623730951},"28":{"tf":1.0},"29":{"tf":1.7320508075688772},"31":{"tf":1.0},"32":{"tf":2.0},"35":{"tf":3.872983346207417},"36":{"tf":2.449489742783178},"37":{"tf":2.449489742783178},"4":{"tf":1.7320508075688772},"40":{"tf":1.7320508075688772},"41":{"tf":5.0990195135927845},"42":{"tf":5.0990195135927845},"44":{"tf":2.23606797749979},"45":{"tf":2.8284271247461903},"46":{"tf":1.7320508075688772},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178},"53":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}},"i":{"c":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}},"u":{"(":{"df":0,"docs":{},"x":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":2,"docs":{"12":{"tf":1.0},"13":{"tf":1.4142135623730951}}}},"_":{"df":0,"docs":{},"i":{"df":7,"docs":{"15":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"j":{"df":1,"docs":{"15":{"tf":1.0}}},"n":{"(":{"df":0,"docs":{},"x":{"_":{"df":0,"docs":{},"n":{"^":{"df":1,"docs":{"18":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"p":{"(":{"df":0,"docs":{},"x":{"_":{"df":0,"docs":{},"p":{"^":{"df":1,"docs":{"18":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"{":{"df":0,"docs":{},"x":{"df":0,"docs":{},"x":{"df":1,"docs":{"13":{"tf":2.0}}}}}},"df":2,"docs":{"14":{"tf":1.4142135623730951},"44":{"tf":2.449489742783178}},"f":{"df":0,"docs":{},"l":{"df":1,"docs":{"11":{"tf":1.4142135623730951}}}},"n":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"30":{"tf":1.0}}}}}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"0":{"tf":1.0},"16":{"tf":1.0},"3":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"0":{"tf":1.0},"2":{"tf":1.0}}}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"10":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":1,"docs":{"11":{"tf":1.0}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":1,"docs":{"16":{"tf":1.0}}}}}},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"k":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":5,"docs":{"20":{"tf":1.0},"32":{"tf":1.0},"50":{"tf":1.0},"55":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772}}}}},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":20,"docs":{"15":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"4":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}},"p":{"d":{"a":{"df":0,"docs":{},"t":{"df":3,"docs":{"5":{"tf":1.4142135623730951},"7":{"tf":2.0},"8":{"tf":1.0}}}},"df":0,"docs":{}},"df":2,"docs":{"32":{"tf":1.0},"49":{"tf":1.0}},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"19":{"tf":1.0}}}}}},"s":{"df":50,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":1.0},"10":{"tf":1.0},"11":{"tf":1.7320508075688772},"12":{"tf":1.0},"13":{"tf":2.0},"14":{"tf":1.4142135623730951},"15":{"tf":1.7320508075688772},"16":{"tf":1.0},"19":{"tf":1.4142135623730951},"2":{"tf":3.4641016151377544},"20":{"tf":2.8284271247461903},"21":{"tf":1.4142135623730951},"22":{"tf":1.4142135623730951},"23":{"tf":3.0},"24":{"tf":3.4641016151377544},"25":{"tf":1.0},"26":{"tf":2.0},"28":{"tf":2.23606797749979},"29":{"tf":2.0},"3":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":2.449489742783178},"32":{"tf":3.0},"34":{"tf":1.4142135623730951},"35":{"tf":2.23606797749979},"36":{"tf":1.0},"37":{"tf":1.4142135623730951},"38":{"tf":1.0},"4":{"tf":2.23606797749979},"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.7320508075688772},"43":{"tf":2.23606797749979},"44":{"tf":3.0},"45":{"tf":3.0},"46":{"tf":3.1622776601683795},"47":{"tf":2.8284271247461903},"49":{"tf":2.8284271247461903},"5":{"tf":2.23606797749979},"50":{"tf":3.605551275463989},"52":{"tf":3.0},"53":{"tf":2.8284271247461903},"54":{"tf":1.0},"55":{"tf":1.4142135623730951},"56":{"tf":1.4142135623730951},"6":{"tf":2.6457513110645907},"7":{"tf":2.23606797749979},"8":{"tf":1.7320508075688772},"9":{"tf":2.0}},"e":{"c":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"43":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"r":{"df":11,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"21":{"tf":1.0},"22":{"tf":1.0},"23":{"tf":2.0},"26":{"tf":1.0},"33":{"tf":1.0},"49":{"tf":1.7320508075688772},"5":{"tf":1.4142135623730951},"53":{"tf":1.4142135623730951},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"z":{"df":5,"docs":{"35":{"tf":2.449489742783178},"36":{"tf":1.7320508075688772},"37":{"tf":1.7320508075688772},"41":{"tf":4.242640687119285},"42":{"tf":4.242640687119285}}}}},"}":{"df":0,"docs":{},"{":{"\\":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":2,"docs":{"12":{"tf":1.4142135623730951},"13":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}},"d":{"df":0,"docs":{},"x":{"^":{"2":{"df":1,"docs":{"14":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"v":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"v":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"d":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{":":{":":{"<":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"<":{"df":0,"docs":{},"f":{"6":{"4":{">":{">":{"(":{")":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{":":{":":{"<":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"<":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"[":{"0":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"1":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"0":{".":{"2":{".":{"1":{"df":1,"docs":{"54":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"9":{"tf":1.4142135623730951}}},":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"2":{"df":1,"docs":{"26":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"f":{"df":0,"docs":{},"n":{"(":{"1":{"0":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}},"z":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"(":{"2":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"[":{"0":{"df":11,"docs":{"24":{"tf":1.0},"26":{"tf":1.7320508075688772},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.4142135623730951},"32":{"tf":2.0},"35":{"tf":1.0},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"1":{"df":3,"docs":{"26":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951}}},"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}}},"_":{"0":{"df":3,"docs":{"13":{"tf":1.0},"26":{"tf":1.7320508075688772},"9":{"tf":1.0}}},"1":{"df":2,"docs":{"13":{"tf":1.0},"26":{"tf":1.0}}},"2":{"df":1,"docs":{"13":{"tf":1.0}}},"c":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":1,"docs":{"9":{"tf":1.7320508075688772}},"i":{"df":1,"docs":{"13":{"tf":1.0}}},"k":{"df":1,"docs":{"31":{"tf":1.4142135623730951}}},"r":{"df":1,"docs":{"31":{"tf":1.4142135623730951}}},"s":{"(":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}},"{":{"\\":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"t":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"x":{"df":1,"docs":{"19":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"19":{"tf":1.4142135623730951}}}}}}}}}}},"df":0,"docs":{},"i":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"n":{"+":{"1":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"p":{"1":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}},"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":10,"docs":{"2":{"tf":1.7320508075688772},"24":{"tf":1.0},"27":{"tf":1.0},"28":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"46":{"tf":2.0},"47":{"tf":1.4142135623730951},"53":{"tf":1.0},"55":{"tf":1.0},"8":{"tf":1.7320508075688772}}}},"r":{"df":0,"docs":{},"i":{"a":{"b":{"df":0,"docs":{},"l":{"df":11,"docs":{"1":{"tf":2.23606797749979},"18":{"tf":1.7320508075688772},"20":{"tf":1.0},"26":{"tf":1.4142135623730951},"27":{"tf":1.0},"3":{"tf":2.0},"4":{"tf":1.0},"52":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"20":{"tf":1.0}}}}}}}},"c":{"df":1,"docs":{"6":{"tf":2.0}}},"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.7320508075688772}}}}},"df":24,"docs":{"18":{"tf":1.0},"19":{"tf":1.4142135623730951},"20":{"tf":1.7320508075688772},"24":{"tf":2.449489742783178},"26":{"tf":1.7320508075688772},"28":{"tf":1.0},"29":{"tf":1.0},"3":{"tf":2.0},"31":{"tf":3.3166247903554},"32":{"tf":2.0},"35":{"tf":3.7416573867739413},"36":{"tf":2.0},"37":{"tf":2.23606797749979},"4":{"tf":2.449489742783178},"40":{"tf":2.449489742783178},"41":{"tf":5.385164807134504},"42":{"tf":5.385164807134504},"45":{"tf":3.1622776601683795},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"7":{"tf":3.3166247903554},"9":{"tf":2.6457513110645907}},"e":{"c":{"!":{"[":{"(":{"0":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{".":{"0":{"df":1,"docs":{"49":{"tf":1.0}}},"6":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":3,"docs":{"20":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}},"<":{"_":{"df":3,"docs":{"2":{"tf":2.23606797749979},"4":{"tf":1.4142135623730951},"9":{"tf":1.4142135623730951}}},"d":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"32":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":1,"docs":{"49":{"tf":1.7320508075688772}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":18,"docs":{"1":{"tf":1.4142135623730951},"13":{"tf":1.4142135623730951},"14":{"tf":1.4142135623730951},"2":{"tf":1.0},"22":{"tf":1.7320508075688772},"24":{"tf":3.0},"26":{"tf":2.0},"3":{"tf":1.0},"31":{"tf":2.6457513110645907},"32":{"tf":2.0},"35":{"tf":1.7320508075688772},"40":{"tf":1.0},"45":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"52":{"tf":1.0},"53":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.23606797749979}}}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"c":{"df":3,"docs":{"3":{"tf":1.4142135623730951},"4":{"tf":1.7320508075688772},"7":{"tf":3.1622776601683795}}},"df":0,"docs":{}}},"r":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":1,"docs":{"21":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"df":1,"docs":{"55":{"tf":1.0}}},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":2,"docs":{"44":{"tf":1.0},"53":{"tf":1.4142135623730951}}}}}}}},"i":{"a":{"df":5,"docs":{"0":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"52":{"tf":1.0},"8":{"tf":1.0}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"18":{"tf":1.0}}}}},"t":{"a":{"df":0,"docs":{},"g":{"df":5,"docs":{"16":{"tf":1.0},"18":{"tf":1.0},"19":{"tf":1.4142135623730951},"20":{"tf":2.0},"9":{"tf":2.8284271247461903}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"a":{"df":1,"docs":{"2":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}}},"u":{"df":0,"docs":{},"m":{"df":4,"docs":{"10":{"tf":1.0},"11":{"tf":1.0},"17":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}}},"p":{"1":{"df":1,"docs":{"6":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"s":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}}}},"w":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":10,"docs":{"21":{"tf":1.0},"23":{"tf":2.0},"27":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":1.0},"43":{"tf":1.4142135623730951},"44":{"tf":1.4142135623730951},"50":{"tf":1.0}}}},"y":{"df":7,"docs":{"10":{"tf":1.0},"24":{"tf":1.0},"33":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.0},"5":{"tf":1.7320508075688772},"50":{"tf":1.7320508075688772}}}},"df":0,"docs":{},"e":{"'":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":2,"docs":{"28":{"tf":1.0},"3":{"tf":1.0}}}},"v":{"df":2,"docs":{"36":{"tf":1.0},"38":{"tf":1.0}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":4,"docs":{"0":{"tf":1.0},"35":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.0}}}}},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"df":1,"docs":{"24":{"tf":1.0}}},"df":0,"docs":{}}}}},"i":{"d":{"df":0,"docs":{},"e":{"df":3,"docs":{"0":{"tf":1.0},"20":{"tf":1.0},"8":{"tf":1.0}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":6,"docs":{"1":{"tf":1.0},"19":{"tf":1.0},"20":{"tf":1.0},"40":{"tf":1.0},"47":{"tf":1.4142135623730951},"50":{"tf":1.0}}}},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"1":{"tf":1.0},"23":{"tf":1.0}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"47":{"tf":1.0}}}}}}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":1,"docs":{"53":{"tf":1.0}}}}},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"56":{"tf":1.0}},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"24":{"tf":1.0},"45":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":10,"docs":{"1":{"tf":1.7320508075688772},"14":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.7320508075688772},"4":{"tf":1.0},"43":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":9,"docs":{"0":{"tf":1.4142135623730951},"2":{"tf":1.7320508075688772},"21":{"tf":1.0},"26":{"tf":1.0},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"56":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0}}}}}}},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":1,"docs":{"53":{"tf":1.7320508075688772}}}}}}},"x":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"4":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"x":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"=":{"0":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"1":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"[":{"0":{"df":13,"docs":{"24":{"tf":1.7320508075688772},"26":{"tf":2.0},"28":{"tf":2.0},"29":{"tf":2.0},"31":{"tf":2.6457513110645907},"32":{"tf":3.7416573867739413},"35":{"tf":1.7320508075688772},"41":{"tf":2.23606797749979},"42":{"tf":2.23606797749979},"46":{"tf":1.7320508075688772},"47":{"tf":1.7320508075688772},"49":{"tf":2.449489742783178},"50":{"tf":3.0}}},"1":{"df":1,"docs":{"26":{"tf":1.0}}},"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":2.449489742783178}}}},"^":{"2":{"df":2,"docs":{"12":{"tf":1.0},"13":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"_":{"1":{"df":1,"docs":{"13":{"tf":1.7320508075688772}}},"2":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"(":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"t":{"df":6,"docs":{"2":{"tf":1.0},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"x":{"df":2,"docs":{"15":{"tf":1.0},"2":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"i":{"^":{"df":1,"docs":{"18":{"tf":1.0}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"n":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}}},"df":24,"docs":{"12":{"tf":1.0},"13":{"tf":1.7320508075688772},"15":{"tf":1.0},"2":{"tf":3.872983346207417},"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"32":{"tf":2.449489742783178},"35":{"tf":1.4142135623730951},"37":{"tf":1.4142135623730951},"4":{"tf":2.449489742783178},"41":{"tf":2.0},"42":{"tf":2.0},"45":{"tf":2.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178},"54":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":2.8284271247461903}}},"y":{"(":{"0":{"df":1,"docs":{"31":{"tf":1.0}}},"df":0,"docs":{},"t":{"_":{"0":{"df":1,"docs":{"22":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},".":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"v":{"(":{"1":{".":{"0":{"df":1,"docs":{"37":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"/":{"df":0,"docs":{},"k":{"df":5,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"28":{"tf":1.0},"31":{"tf":1.7320508075688772},"35":{"tf":1.0}}}},"0":{"df":2,"docs":{"2":{"tf":2.6457513110645907},"45":{"tf":1.0}}},"1":{"df":1,"docs":{"2":{"tf":2.8284271247461903}}},"2":{"df":1,"docs":{"2":{"tf":2.8284271247461903}}},"[":{"0":{"]":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"x":{"(":{"df":0,"docs":{},"f":{"6":{"4":{":":{":":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"7":{"tf":1.0}}}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":15,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":2.0},"28":{"tf":1.7320508075688772},"29":{"tf":1.7320508075688772},"31":{"tf":2.0},"32":{"tf":2.8284271247461903},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"41":{"tf":2.23606797749979},"42":{"tf":2.23606797749979},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178},"7":{"tf":1.0}}},"1":{"df":2,"docs":{"26":{"tf":1.7320508075688772},"7":{"tf":1.4142135623730951}}},"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":2.0}}}},"^":{"2":{"df":1,"docs":{"31":{"tf":1.0}}},"df":0,"docs":{}},"_":{"0":{"(":{"df":0,"docs":{},"p":{"df":1,"docs":{"24":{"tf":1.4142135623730951}}},"t":{"_":{"0":{"df":1,"docs":{"22":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"/":{"df":0,"docs":{},"k":{"df":1,"docs":{"26":{"tf":1.4142135623730951}}}},"df":2,"docs":{"2":{"tf":2.449489742783178},"26":{"tf":1.7320508075688772}}},"1":{"df":1,"docs":{"26":{"tf":1.4142135623730951}}},"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"(":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"(":{"\"":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}},"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}}},"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"t":{"df":1,"docs":{"15":{"tf":1.0}}},"v":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}}}}},"x":{"df":1,"docs":{"4":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"7":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":23,"docs":{"15":{"tf":1.0},"2":{"tf":3.872983346207417},"20":{"tf":1.0},"22":{"tf":2.8284271247461903},"24":{"tf":2.23606797749979},"25":{"tf":1.0},"26":{"tf":2.6457513110645907},"28":{"tf":3.0},"29":{"tf":1.7320508075688772},"31":{"tf":2.8284271247461903},"32":{"tf":2.8284271247461903},"35":{"tf":1.7320508075688772},"36":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":2.23606797749979},"42":{"tf":2.23606797749979},"45":{"tf":2.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178},"54":{"tf":1.0},"7":{"tf":1.0}},"s":{".":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"(":{"0":{")":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"d":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"1":{")":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"d":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":4,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"49":{"tf":1.0},"9":{"tf":1.0}}}},"z":{"(":{"df":0,"docs":{},"t":{"df":1,"docs":{"22":{"tf":1.0}}}},"_":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"(":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"u":{"df":1,"docs":{"15":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":2,"docs":{"15":{"tf":1.0},"26":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":9,"docs":{"13":{"tf":1.0},"27":{"tf":1.0},"28":{"tf":1.0},"31":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.4142135623730951}},"t":{"df":0,"docs":{},"h":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}}},"breadcrumbs":{"root":{"0":{".":{".":{"1":{"0":{"df":1,"docs":{"45":{"tf":2.0}}},"df":0,"docs":{}},"2":{"1":{")":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"p":{"(":{"df":0,"docs":{},"|":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"5":{"0":{")":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"p":{"(":{"df":0,"docs":{},"|":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{"0":{"1":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}},"df":3,"docs":{"15":{"tf":1.4142135623730951},"31":{"tf":1.0},"32":{"tf":1.4142135623730951}}},"1":{"df":16,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951},"36":{"tf":1.0},"4":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.4142135623730951},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"3":{"df":1,"docs":{"55":{"tf":1.0}}},"4":{"df":1,"docs":{"44":{"tf":1.0}}},"5":{"df":3,"docs":{"18":{"tf":1.0},"28":{"tf":2.23606797749979},"29":{"tf":1.0}}},"7":{"df":1,"docs":{"55":{"tf":1.0}}},"8":{"df":2,"docs":{"20":{"tf":1.0},"7":{"tf":1.0}}},"9":{"8":{"df":1,"docs":{"45":{"tf":3.1622776601683795}}},"df":2,"docs":{"55":{"tf":1.0},"56":{"tf":1.0}}},"df":0,"docs":{}},":":{"5":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":20,"docs":{"1":{"tf":1.0},"13":{"tf":2.6457513110645907},"15":{"tf":2.23606797749979},"17":{"tf":1.0},"19":{"tf":1.4142135623730951},"2":{"tf":1.0},"26":{"tf":2.0},"28":{"tf":1.0},"31":{"tf":1.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"4":{"tf":1.0},"41":{"tf":2.0},"42":{"tf":2.0},"45":{"tf":1.7320508075688772},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.4142135623730951},"9":{"tf":5.477225575051661}}},"1":{".":{".":{".":{"df":0,"docs":{},"n":{"df":1,"docs":{"13":{"tf":1.0}}}},"6":{")":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"p":{"(":{"df":0,"docs":{},"f":{"6":{"4":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{"df":23,"docs":{"15":{"tf":6.557438524302},"2":{"tf":2.23606797749979},"20":{"tf":1.0},"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"32":{"tf":2.449489742783178},"35":{"tf":1.4142135623730951},"37":{"tf":1.0},"4":{"tf":1.4142135623730951},"41":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":2.449489742783178},"45":{"tf":2.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.23606797749979},"50":{"tf":2.449489742783178},"55":{"tf":1.0},"56":{"tf":1.0},"9":{"tf":1.0}}},"2":{"df":1,"docs":{"20":{"tf":1.0}}},"4":{"df":1,"docs":{"20":{"tf":1.0}}},"5":{"df":1,"docs":{"55":{"tf":1.4142135623730951}}},"9":{"df":1,"docs":{"55":{"tf":1.0}}},"df":0,"docs":{}},"0":{".":{"0":{"df":14,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":2.0},"42":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":2.23606797749979},"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"0":{".":{"0":{"df":2,"docs":{"6":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"0":{".":{"0":{"df":1,"docs":{"6":{"tf":2.449489742783178}}},"df":0,"docs":{}},"df":1,"docs":{"6":{"tf":1.7320508075688772}}},"df":1,"docs":{"6":{"tf":1.0}}},"^":{"0":{"df":1,"docs":{"54":{"tf":1.0}}},"1":{"df":1,"docs":{"54":{"tf":1.0}}},"df":0,"docs":{}},"df":6,"docs":{"1":{"tf":1.4142135623730951},"15":{"tf":2.449489742783178},"32":{"tf":1.0},"45":{"tf":1.7320508075688772},"54":{"tf":1.0},"9":{"tf":1.0}}},"1":{"df":1,"docs":{"15":{"tf":2.449489742783178}}},"2":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"15":{"tf":2.449489742783178}}},"3":{"df":1,"docs":{"15":{"tf":2.449489742783178}}},"4":{"df":1,"docs":{"15":{"tf":2.449489742783178}}},"5":{":":{"2":{"1":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"15":{"tf":2.449489742783178}}},"6":{"df":1,"docs":{"15":{"tf":2.449489742783178}}},"7":{"df":1,"docs":{"15":{"tf":2.449489742783178}}},"8":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"15":{"tf":2.449489742783178}}},"9":{"df":1,"docs":{"15":{"tf":2.449489742783178}}},":":{"2":{"0":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"d":{"df":1,"docs":{"16":{"tf":1.0}}},"df":20,"docs":{"13":{"tf":3.872983346207417},"15":{"tf":2.449489742783178},"18":{"tf":1.0},"2":{"tf":2.23606797749979},"24":{"tf":1.7320508075688772},"26":{"tf":2.0},"28":{"tf":1.7320508075688772},"29":{"tf":1.0},"31":{"tf":1.7320508075688772},"35":{"tf":2.23606797749979},"36":{"tf":1.4142135623730951},"37":{"tf":1.7320508075688772},"4":{"tf":1.0},"41":{"tf":3.4641016151377544},"42":{"tf":3.4641016151377544},"45":{"tf":1.4142135623730951},"52":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.4142135623730951}},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"h":{"^":{"2":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"2":{".":{"0":{"/":{"3":{".":{"0":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":13,"docs":{"15":{"tf":4.58257569495584},"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"35":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.7320508075688772},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"0":{"0":{"df":1,"docs":{"9":{"tf":1.0}}},"df":1,"docs":{"15":{"tf":2.23606797749979}}},"d":{"df":1,"docs":{"52":{"tf":1.4142135623730951}}},"df":10,"docs":{"13":{"tf":2.8284271247461903},"15":{"tf":2.449489742783178},"26":{"tf":1.0},"31":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"52":{"tf":1.4142135623730951},"55":{"tf":1.0},"6":{"tf":1.4142135623730951}},"n":{"^":{"2":{"df":1,"docs":{"52":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"u":{"(":{"df":0,"docs":{},"x":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{}},"v":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"13":{"tf":1.7320508075688772}}}},"df":0,"docs":{}},"y":{"/":{"df":0,"docs":{},"k":{"df":1,"docs":{"24":{"tf":1.0}}}},"df":0,"docs":{}}},"3":{".":{"0":{"df":2,"docs":{"20":{"tf":1.0},"49":{"tf":1.0}}},"df":0,"docs":{}},"6":{"0":{"0":{".":{"0":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":4,"docs":{"15":{"tf":2.449489742783178},"17":{"tf":1.0},"45":{"tf":1.4142135623730951},"52":{"tf":1.4142135623730951}}},"4":{".":{"0":{"/":{"3":{".":{"0":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"49":{"tf":1.0}}},"df":0,"docs":{}},"df":2,"docs":{"15":{"tf":2.449489742783178},"45":{"tf":1.4142135623730951}}},"5":{".":{"0":{"df":1,"docs":{"49":{"tf":1.0}}},"df":0,"docs":{}},"0":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"6":{"tf":1.0}}},":":{"1":{"5":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"1":{"tf":1.4142135623730951},"15":{"tf":2.449489742783178},"45":{"tf":1.4142135623730951}}},"6":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"7":{".":{"0":{"df":1,"docs":{"53":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":7,"docs":{"15":{"tf":2.449489742783178},"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"44":{"tf":1.0},"45":{"tf":2.449489742783178},"6":{"tf":1.0}}},"7":{"5":{"4":{"df":1,"docs":{"45":{"tf":1.0}}},"df":0,"docs":{}},"df":2,"docs":{"15":{"tf":2.449489742783178},"45":{"tf":1.4142135623730951}}},"8":{"df":2,"docs":{"15":{"tf":2.449489742783178},"45":{"tf":1.4142135623730951}}},"9":{".":{"8":{"1":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":2,"docs":{"15":{"tf":2.449489742783178},"45":{"tf":1.4142135623730951}}},"_":{">":{"(":{"&":{"df":0,"docs":{},"t":{"a":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"u":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":1,"docs":{"46":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":3,"docs":{"20":{"tf":1.0},"45":{"tf":1.4142135623730951},"6":{"tf":1.0}},"p":{"df":7,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.4142135623730951},"32":{"tf":2.0},"45":{"tf":1.4142135623730951}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"n":{"df":4,"docs":{"29":{"tf":1.0},"44":{"tf":1.0},"49":{"tf":1.0},"50":{"tf":1.4142135623730951}}}}}},"t":{"df":17,"docs":{"2":{"tf":1.0},"24":{"tf":1.7320508075688772},"26":{"tf":2.0},"28":{"tf":2.0},"29":{"tf":2.0},"31":{"tf":2.23606797749979},"32":{"tf":3.1622776601683795},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":2.23606797749979},"42":{"tf":2.23606797749979},"45":{"tf":2.449489742783178},"46":{"tf":1.7320508075688772},"47":{"tf":1.7320508075688772},"49":{"tf":2.449489742783178},"50":{"tf":3.0}}},"v":{"df":2,"docs":{"31":{"tf":1.0},"32":{"tf":1.4142135623730951}}}},"a":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.0}},"j":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}}}},"b":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":1,"docs":{"16":{"tf":1.0}}}},"o":{"df":0,"docs":{},"v":{"df":14,"docs":{"1":{"tf":1.0},"14":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"23":{"tf":1.7320508075688772},"24":{"tf":1.0},"3":{"tf":1.0},"31":{"tf":1.0},"53":{"tf":1.0},"55":{"tf":1.0},"56":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"2":{"tf":2.0}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"24":{"tf":1.4142135623730951},"53":{"tf":1.0}}}}},"r":{"b":{"df":1,"docs":{"0":{"tf":1.0}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}},"c":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"3":{"tf":1.0},"7":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"s":{"df":3,"docs":{"40":{"tf":1.0},"47":{"tf":1.0},"53":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"r":{"d":{"df":2,"docs":{"7":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"7":{"tf":1.0}}}}}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"0":{"tf":1.0}}}}}}},"df":0,"docs":{},"t":{"df":2,"docs":{"4":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"27":{"tf":1.0}}}},"v":{"df":1,"docs":{"17":{"tf":1.0}}}}}},"d":{"d":{"df":2,"docs":{"26":{"tf":1.0},"28":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":5,"docs":{"13":{"tf":1.4142135623730951},"22":{"tf":1.0},"26":{"tf":1.7320508075688772},"53":{"tf":1.0},"8":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"34":{"tf":1.0}}}}}}}},"df":1,"docs":{"28":{"tf":1.0}},"j":{"df":0,"docs":{},"o":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"49":{"tf":1.0}}}}}}},"m":{"df":1,"docs":{"6":{"tf":1.4142135623730951}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.0}},"r":{"df":1,"docs":{"5":{"tf":1.0}}}}}}}}},"v":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"55":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"53":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"g":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":4,"docs":{"26":{"tf":1.0},"31":{"tf":1.0},"55":{"tf":1.0},"7":{"tf":1.0}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"51":{"tf":1.0},"53":{"tf":1.0}}}}}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"r":{"a":{"df":6,"docs":{"0":{"tf":1.4142135623730951},"26":{"tf":1.0},"47":{"tf":1.4142135623730951},"52":{"tf":1.4142135623730951},"8":{"tf":2.8284271247461903},"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"m":{"df":1,"docs":{"19":{"tf":1.0}}}}}}}}},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":5,"docs":{"2":{"tf":1.0},"5":{"tf":1.0},"53":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"5":{"tf":1.0}},"g":{"df":3,"docs":{"13":{"tf":1.4142135623730951},"52":{"tf":2.23606797749979},"8":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"h":{"a":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"a":{"d":{"df":0,"docs":{},"i":{"df":3,"docs":{"21":{"tf":1.0},"40":{"tf":1.4142135623730951},"47":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"w":{"a":{"df":0,"docs":{},"y":{"df":1,"docs":{"3":{"tf":1.0}}}},"df":0,"docs":{}}},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"40":{"tf":1.0}}}}}}},"n":{"d":{"/":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{},"g":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}}}},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":3,"docs":{"10":{"tf":1.0},"21":{"tf":1.0},"3":{"tf":1.0}}}}}},"p":{"df":0,"docs":{},"i":{"df":28,"docs":{"0":{"tf":1.0},"21":{"tf":2.449489742783178},"22":{"tf":1.0},"23":{"tf":3.3166247903554},"24":{"tf":1.0},"25":{"tf":1.0},"26":{"tf":1.0},"27":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0},"37":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.0}}},"p":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"3":{"tf":1.0}}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"30":{"tf":1.0}}},"df":2,"docs":{"17":{"tf":1.0},"6":{"tf":1.4142135623730951}}}},"r":{"df":0,"docs":{},"o":{"a":{"c":{"df":0,"docs":{},"h":{"df":1,"docs":{"5":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"34":{"tf":1.4142135623730951}}}}},"x":{"df":2,"docs":{"13":{"tf":1.4142135623730951},"14":{"tf":1.0}},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"13":{"tf":1.7320508075688772},"14":{"tf":1.7320508075688772}}}}}}}}},"r":{"df":0,"docs":{},"e":{"a":{"df":2,"docs":{"16":{"tf":1.0},"17":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"g":{"df":0,"docs":{},"u":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"28":{"tf":1.0}}}}}}}},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"8":{"tf":1.0}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"d":{"df":3,"docs":{"21":{"tf":1.0},"24":{"tf":1.0},"45":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"a":{"df":0,"docs":{},"y":{"df":2,"docs":{"53":{"tf":1.0},"56":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"47":{"tf":1.4142135623730951}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":1,"docs":{"47":{"tf":1.0}}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}}},"o":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"24":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"m":{"df":5,"docs":{"1":{"tf":1.0},"16":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.0},"40":{"tf":1.0}},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}}}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"(":{"[":{"1":{"df":4,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"24":{"tf":1.0}}}},"t":{"a":{"c":{"df":0,"docs":{},"h":{"df":1,"docs":{"4":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}}}}}}},"v":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":1,"docs":{"46":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}},"w":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"x":{"df":0,"docs":{},"i":{"df":3,"docs":{"13":{"tf":1.0},"2":{"tf":1.4142135623730951},"54":{"tf":1.4142135623730951}}}}},"b":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}}},"a":{"c":{"df":0,"docs":{},"k":{"df":1,"docs":{"50":{"tf":1.0}},"e":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"23":{"tf":1.4142135623730951},"44":{"tf":2.23606797749979}}},"df":0,"docs":{}}},"w":{"a":{"df":0,"docs":{},"r":{"d":{"df":1,"docs":{"46":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"7":{"tf":1.0}}}}}}},"df":3,"docs":{"0":{"tf":1.4142135623730951},"5":{"tf":1.7320508075688772},"7":{"tf":4.898979485566356}}}},"n":{"d":{"df":2,"docs":{"52":{"tf":1.4142135623730951},"53":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"e":{"df":11,"docs":{"0":{"tf":1.0},"16":{"tf":2.6457513110645907},"17":{"tf":1.0},"18":{"tf":1.0},"19":{"tf":1.0},"20":{"tf":1.4142135623730951},"34":{"tf":1.0},"35":{"tf":1.0},"47":{"tf":1.4142135623730951},"50":{"tf":1.0},"6":{"tf":1.0}}},"i":{"c":{"df":1,"docs":{"0":{"tf":1.0}}},"df":1,"docs":{"6":{"tf":1.0}}}},"t":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":5,"docs":{"16":{"tf":3.1622776601683795},"17":{"tf":1.0},"18":{"tf":1.4142135623730951},"19":{"tf":1.0},"20":{"tf":2.0}}},"y":{"'":{"df":1,"docs":{"16":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}}}},"c":{"df":1,"docs":{"13":{"tf":1.0}}},"d":{"df":0,"docs":{},"f":{"df":4,"docs":{"46":{"tf":1.0},"47":{"tf":1.0},"55":{"tf":2.0},"56":{"tf":2.0}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"_":{"df":0,"docs":{},"w":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"46":{"tf":1.0},"47":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":2,"docs":{"46":{"tf":1.0},"47":{"tf":1.0}}}}},"df":0,"docs":{}}}}},"df":3,"docs":{"13":{"tf":1.4142135623730951},"14":{"tf":1.4142135623730951},"2":{"tf":3.0}},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":2,"docs":{"13":{"tf":1.4142135623730951},"50":{"tf":1.0}}}}},"df":1,"docs":{"0":{"tf":1.0}},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":4,"docs":{"0":{"tf":1.0},"46":{"tf":1.4142135623730951},"7":{"tf":1.0},"8":{"tf":1.0}}}}},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"51":{"tf":1.0}},"{":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":5,"docs":{"1":{"tf":1.0},"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}}}}},"b":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":9,"docs":{"1":{"tf":2.0},"13":{"tf":2.23606797749979},"2":{"tf":2.449489742783178},"26":{"tf":2.0},"3":{"tf":1.4142135623730951},"31":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"9":{"tf":2.23606797749979}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"h":{"a":{"df":0,"docs":{},"v":{"df":1,"docs":{"2":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":3,"docs":{"0":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.0}}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"23":{"tf":1.0},"44":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":5,"docs":{"19":{"tf":1.0},"20":{"tf":1.0},"24":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0}}}}},"n":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":6,"docs":{"51":{"tf":1.7320508075688772},"52":{"tf":1.0},"53":{"tf":1.0},"54":{"tf":1.0},"55":{"tf":1.0},"56":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"23":{"tf":1.0}}}},"t":{"a":{"df":4,"docs":{"26":{"tf":2.8284271247461903},"37":{"tf":1.4142135623730951},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":6,"docs":{"13":{"tf":1.0},"2":{"tf":1.0},"53":{"tf":1.4142135623730951},"56":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.4142135623730951}}}}}}},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"50":{"tf":1.0}}},"df":0,"docs":{}}}}},"i":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}},"i":{"df":1,"docs":{"0":{"tf":1.0}}}}}}}},"o":{"d":{"df":0,"docs":{},"i":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":2.23606797749979}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":1,"docs":{"6":{"tf":1.0}}}},"o":{"df":0,"docs":{},"k":{"df":3,"docs":{"10":{"tf":1.0},"21":{"tf":1.0},"43":{"tf":1.0}}}},"t":{"df":0,"docs":{},"h":{"df":6,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0},"46":{"tf":1.0},"53":{"tf":1.0},"55":{"tf":1.0},"8":{"tf":1.0}}}},"u":{"df":0,"docs":{},"n":{"c":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.4142135623730951},"7":{"tf":3.1622776601683795}}},"d":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":3,"docs":{"13":{"tf":1.4142135623730951},"17":{"tf":1.0},"52":{"tf":1.0}}}}},"df":2,"docs":{"53":{"tf":1.0},"56":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"k":{"df":4,"docs":{"29":{"tf":1.0},"50":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{"(":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":4,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"44":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":2,"docs":{"15":{"tf":1.0},"20":{"tf":1.0}}}}},"m":{"df":0,"docs":{},"y":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":1,"docs":{"42":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}}},"df":2,"docs":{"34":{"tf":1.0},"44":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}},"df":11,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"26":{"tf":1.0}}}}},"df":0,"docs":{}}},"t":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"46":{"tf":1.0}}}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"18":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"42":{"tf":1.0}}}}}}},"y":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"47":{"tf":1.0}}}}},"df":0,"docs":{}}}},"c":{"/":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}},"^":{"0":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"1":{"df":1,"docs":{"1":{"tf":2.23606797749979}}},"2":{"df":1,"docs":{"1":{"tf":2.23606797749979}}},"df":0,"docs":{},"e":{"df":1,"docs":{"18":{"tf":1.0}}},"i":{"(":{"df":0,"docs":{},"r":{"=":{"df":0,"docs":{},"r":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"^":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"x":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":1,"docs":{"17":{"tf":1.7320508075688772}},"}":{"df":0,"docs":{},"{":{"\\":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"n":{"df":3,"docs":{"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0}}},"p":{"df":3,"docs":{"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0}}}},"a":{"df":0,"docs":{},"l":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":7,"docs":{"16":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0},"22":{"tf":1.0},"45":{"tf":1.0},"53":{"tf":1.4142135623730951},"55":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":4,"docs":{"35":{"tf":1.0},"36":{"tf":1.0},"41":{"tf":2.0},"42":{"tf":2.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":12,"docs":{"1":{"tf":1.0},"10":{"tf":1.0},"2":{"tf":1.4142135623730951},"21":{"tf":1.0},"24":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"40":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.0},"53":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.4142135623730951}}}},"p":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"8":{"tf":1.0}}}},"c":{"df":1,"docs":{"24":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":2.23606797749979}}}}}}},"df":0,"docs":{}},"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":2,"docs":{"16":{"tf":1.0},"2":{"tf":1.4142135623730951}}}}}},"r":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"24":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"e":{"df":10,"docs":{"13":{"tf":1.0},"2":{"tf":1.0},"25":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.7320508075688772},"37":{"tf":1.0},"45":{"tf":1.0},"53":{"tf":1.0},"55":{"tf":1.7320508075688772},"56":{"tf":1.0}}}},"u":{"df":0,"docs":{},"s":{"df":1,"docs":{"55":{"tf":1.0}}}}},"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"17":{"tf":1.0}}}}},"df":6,"docs":{"1":{"tf":1.7320508075688772},"2":{"tf":3.0},"4":{"tf":1.7320508075688772},"54":{"tf":1.0},"56":{"tf":1.0},"9":{"tf":2.0}},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":1,"docs":{"1":{"tf":2.8284271247461903}}}},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}},"r":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"13":{"tf":1.0},"6":{"tf":2.8284271247461903}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"27":{"tf":1.0}}}}},"df":0,"docs":{}}}},"g":{">":{":":{":":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"44":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}},"e":{"(":{"&":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":8,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"44":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"h":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":9,"docs":{"0":{"tf":1.0},"1":{"tf":1.7320508075688772},"12":{"tf":1.0},"2":{"tf":2.0},"20":{"tf":1.0},"5":{"tf":1.4142135623730951},"53":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}}}},"p":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"51":{"tf":1.0}}}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"k":{"df":2,"docs":{"53":{"tf":1.0},"56":{"tf":1.0}}}},"df":0,"docs":{},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"0":{"tf":1.0}}}}}}}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":5,"docs":{"45":{"tf":1.0},"46":{"tf":1.7320508075688772},"47":{"tf":1.0},"52":{"tf":1.0},"9":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":2,"docs":{"47":{"tf":1.0},"50":{"tf":1.0}}}}}}},"i":{"df":0,"docs":{},"r":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.0}}}}}}},"df":5,"docs":{"0":{"tf":1.7320508075688772},"16":{"tf":1.7320508075688772},"18":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":2.8284271247461903}}}}}},"df":0,"docs":{}}},"l":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"22":{"tf":1.0}},"i":{"c":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":1,"docs":{"6":{"tf":2.449489742783178}},"e":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"6":{"tf":1.7320508075688772}},"e":{"/":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"56":{"tf":1.0}}}}}},"df":0,"docs":{}},"i":{"c":{"df":0,"docs":{},"k":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"55":{"tf":1.4142135623730951}}},"u":{"df":0,"docs":{},"r":{"df":4,"docs":{"2":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0},"56":{"tf":2.0}}}}}}},"o":{"d":{"df":0,"docs":{},"e":{"df":13,"docs":{"2":{"tf":1.0},"20":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0},"28":{"tf":1.0},"4":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":1.0},"44":{"tf":1.4142135623730951},"47":{"tf":1.0},"53":{"tf":1.0},"54":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":4,"docs":{"16":{"tf":1.0},"17":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":2.0}}}},"df":0,"docs":{}}}}},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"5":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"m":{"df":0,"docs":{},"n":{"df":2,"docs":{"24":{"tf":1.0},"45":{"tf":1.0}}}}}},"m":{"b":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":4,"docs":{"1":{"tf":1.0},"20":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0}}}}},"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{":":{":":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":4,"docs":{"0":{"tf":1.4142135623730951},"10":{"tf":1.0},"27":{"tf":1.0},"37":{"tf":1.0}}}}},"p":{"a":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"56":{"tf":1.0}}}},"df":2,"docs":{"51":{"tf":1.4142135623730951},"56":{"tf":1.0}},"t":{"df":1,"docs":{"6":{"tf":3.872983346207417}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772}}}}}}}},"t":{"df":1,"docs":{"53":{"tf":1.0}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":5,"docs":{"20":{"tf":1.0},"44":{"tf":1.4142135623730951},"53":{"tf":1.0},"54":{"tf":1.4142135623730951},"56":{"tf":1.0}}}},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":4,"docs":{"16":{"tf":1.0},"23":{"tf":1.0},"35":{"tf":1.0},"8":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"24":{"tf":1.0},"45":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"16":{"tf":1.0}}}}}}},"df":3,"docs":{"30":{"tf":1.0},"31":{"tf":1.4142135623730951},"35":{"tf":1.0}}}}}},"n":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":4,"docs":{"1":{"tf":2.23606797749979},"17":{"tf":1.7320508075688772},"18":{"tf":1.0},"6":{"tf":1.7320508075688772}}}}}}},"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":17,"docs":{"0":{"tf":1.0},"1":{"tf":1.4142135623730951},"13":{"tf":1.4142135623730951},"16":{"tf":1.0},"17":{"tf":1.0},"19":{"tf":1.7320508075688772},"2":{"tf":1.7320508075688772},"20":{"tf":1.7320508075688772},"27":{"tf":1.0},"36":{"tf":1.4142135623730951},"40":{"tf":1.0},"47":{"tf":1.0},"5":{"tf":1.0},"52":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"6":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"v":{"df":1,"docs":{"8":{"tf":1.0}}}}},"i":{"d":{"df":5,"docs":{"12":{"tf":1.0},"2":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":4,"docs":{"4":{"tf":1.0},"43":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}}}},"t":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":9,"docs":{"1":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"31":{"tf":1.0},"34":{"tf":1.0},"36":{"tf":1.7320508075688772},"4":{"tf":1.0},"55":{"tf":1.0}},"o":{"df":0,"docs":{},"p":{"df":6,"docs":{"34":{"tf":1.0},"36":{"tf":1.7320508075688772},"40":{"tf":1.4142135623730951},"41":{"tf":1.7320508075688772},"42":{"tf":2.0},"45":{"tf":1.0}}}}}}},"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"43":{"tf":1.0}},"t":{"df":2,"docs":{"47":{"tf":1.4142135623730951},"8":{"tf":1.0}}}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":5,"docs":{"29":{"tf":1.0},"40":{"tf":1.0},"45":{"tf":1.0},"50":{"tf":1.0},"52":{"tf":2.0}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"t":{"df":1,"docs":{"44":{"tf":1.4142135623730951}}}}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"u":{"df":7,"docs":{"0":{"tf":1.0},"13":{"tf":1.0},"29":{"tf":1.0},"5":{"tf":1.4142135623730951},"50":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":3,"docs":{"30":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":1.0}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":1,"docs":{"33":{"tf":1.0}}}},"r":{"df":0,"docs":{},"g":{"df":3,"docs":{"29":{"tf":1.0},"5":{"tf":1.0},"50":{"tf":1.4142135623730951}}},"t":{"df":4,"docs":{"0":{"tf":1.0},"13":{"tf":1.0},"14":{"tf":1.0},"4":{"tf":1.0}}}}}}},"r":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"40":{"tf":1.0}}},"df":0,"docs":{}}}}}}}},"u":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":1,"docs":{"1":{"tf":1.0}}}},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"40":{"tf":1.0}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"r":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"t":{"df":1,"docs":{"23":{"tf":1.0}},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":8,"docs":{"15":{"tf":1.4142135623730951},"2":{"tf":2.0},"20":{"tf":1.4142135623730951},"4":{"tf":1.4142135623730951},"44":{"tf":2.23606797749979},"6":{"tf":1.4142135623730951},"7":{"tf":1.4142135623730951},"9":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}}}}}}},"t":{"df":0,"docs":{},"e":{"df":6,"docs":{"0":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.4142135623730951},"24":{"tf":1.0},"46":{"tf":1.7320508075688772},"6":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":9,"docs":{"24":{"tf":2.0},"31":{"tf":1.0},"34":{"tf":1.4142135623730951},"40":{"tf":1.0},"42":{"tf":1.7320508075688772},"44":{"tf":1.7320508075688772},"45":{"tf":1.0},"46":{"tf":3.1622776601683795},"47":{"tf":1.7320508075688772}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"19":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"_":{"df":0,"docs":{},"t":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":12,"docs":{"1":{"tf":1.4142135623730951},"16":{"tf":1.0},"17":{"tf":1.4142135623730951},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":2.6457513110645907},"32":{"tf":1.0},"47":{"tf":1.7320508075688772},"5":{"tf":1.4142135623730951},"50":{"tf":1.0},"8":{"tf":1.4142135623730951},"9":{"tf":2.6457513110645907}}}}}},"v":{"df":1,"docs":{"20":{"tf":1.0}}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":12,"docs":{"23":{"tf":1.0},"33":{"tf":2.0},"34":{"tf":1.4142135623730951},"35":{"tf":2.0},"36":{"tf":1.0},"37":{"tf":1.4142135623730951},"38":{"tf":1.4142135623730951},"39":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951}}}}}}},"v":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"/":{"c":{"df":0,"docs":{},"v":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"s":{"_":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"c":{"df":0,"docs":{},"k":{"_":{"df":0,"docs":{},"k":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{".":{"c":{"df":1,"docs":{"52":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":3,"docs":{"52":{"tf":1.0},"53":{"tf":1.0},"55":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"}":{"df":0,"docs":{},"{":{"\\":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"d":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.4142135623730951}}}},"a":{"df":0,"docs":{},"e":{"df":6,"docs":{"0":{"tf":2.23606797749979},"25":{"tf":1.0},"52":{"tf":1.4142135623730951},"53":{"tf":1.0},"8":{"tf":3.605551275463989},"9":{"tf":1.0}}},"m":{"df":0,"docs":{},"p":{"df":2,"docs":{"0":{"tf":1.0},"4":{"tf":2.0}}}},"t":{"a":{"df":5,"docs":{"0":{"tf":1.0},"23":{"tf":1.0},"33":{"tf":1.0},"35":{"tf":1.0},"40":{"tf":2.0}}},"df":0,"docs":{}}},"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":2.449489742783178}}}}},"df":4,"docs":{"12":{"tf":1.4142135623730951},"14":{"tf":1.0},"15":{"tf":1.4142135623730951},"2":{"tf":3.0}},"e":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":1,"docs":{"2":{"tf":1.7320508075688772}}}}},"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"46":{"tf":1.7320508075688772}}}}}}}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"55":{"tf":1.0}}}},"df":0,"docs":{}}}},"d":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"21":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"a":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":2,"docs":{"24":{"tf":1.0},"44":{"tf":1.0}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":7,"docs":{"1":{"tf":1.7320508075688772},"18":{"tf":1.0},"35":{"tf":1.0},"40":{"tf":1.4142135623730951},"46":{"tf":2.0},"53":{"tf":2.0},"6":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.4142135623730951},"6":{"tf":2.23606797749979}}},"y":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{}}}}}},"t":{"a":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.0}}},"n":{"df":1,"docs":{"17":{"tf":1.0}}},"p":{"df":1,"docs":{"17":{"tf":1.0}}},"t":{"df":1,"docs":{"20":{"tf":1.7320508075688772}}}},"df":1,"docs":{"5":{"tf":1.0}}},"df":0,"docs":{}}},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":4,"docs":{"10":{"tf":1.0},"35":{"tf":1.0},"56":{"tf":1.0},"9":{"tf":1.0}}}}}}}},"n":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}},"s":{"df":6,"docs":{"13":{"tf":1.0},"24":{"tf":1.4142135623730951},"43":{"tf":1.0},"52":{"tf":1.7320508075688772},"53":{"tf":1.0},"55":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":2,"docs":{"17":{"tf":1.0},"18":{"tf":1.0}}}}}}},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"d":{"df":7,"docs":{"1":{"tf":1.0},"17":{"tf":1.0},"2":{"tf":1.0},"25":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":9,"docs":{"0":{"tf":1.0},"1":{"tf":1.4142135623730951},"13":{"tf":1.4142135623730951},"14":{"tf":1.4142135623730951},"3":{"tf":2.0},"30":{"tf":1.0},"31":{"tf":1.4142135623730951},"8":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}},"s":{"c":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"b":{"df":12,"docs":{"1":{"tf":1.4142135623730951},"12":{"tf":1.0},"16":{"tf":1.4142135623730951},"2":{"tf":1.0},"20":{"tf":1.0},"3":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":1.0},"8":{"tf":2.0},"9":{"tf":1.0}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"16":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":3,"docs":{"0":{"tf":1.0},"43":{"tf":1.0},"5":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"y":{"df":1,"docs":{"40":{"tf":1.0}}}}}}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":6,"docs":{"13":{"tf":1.0},"16":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.0},"53":{"tf":1.0},"55":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":6,"docs":{"0":{"tf":1.0},"19":{"tf":1.0},"29":{"tf":1.7320508075688772},"45":{"tf":1.7320508075688772},"5":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"45":{"tf":1.0}}}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":1,"docs":{"51":{"tf":1.0}}}}}}}},"i":{"_":{"df":0,"docs":{},"l":{"/":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"a":{"df":0,"docs":{},"g":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":4,"docs":{"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"8":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"c":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"n":{"'":{"df":0,"docs":{},"t":{"df":1,"docs":{"29":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":16,"docs":{"1":{"tf":1.0},"10":{"tf":1.4142135623730951},"11":{"tf":1.4142135623730951},"12":{"tf":1.0},"13":{"tf":2.23606797749979},"16":{"tf":1.4142135623730951},"2":{"tf":2.0},"20":{"tf":1.4142135623730951},"45":{"tf":1.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.0},"5":{"tf":1.0},"53":{"tf":2.0},"55":{"tf":1.7320508075688772},"56":{"tf":1.4142135623730951},"8":{"tf":1.0}},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":7,"docs":{"0":{"tf":1.7320508075688772},"1":{"tf":1.0},"10":{"tf":1.4142135623730951},"43":{"tf":1.0},"52":{"tf":1.0},"8":{"tf":2.449489742783178},"9":{"tf":1.4142135623730951}}}}}}}},"i":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":1,"docs":{"5":{"tf":1.0}}}}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"l":{":":{":":{"<":{"df":0,"docs":{},"m":{"df":8,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"44":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":14,"docs":{"15":{"tf":1.0},"2":{"tf":1.7320508075688772},"20":{"tf":2.0},"21":{"tf":1.0},"23":{"tf":2.23606797749979},"4":{"tf":1.0},"43":{"tf":2.8284271247461903},"44":{"tf":3.1622776601683795},"53":{"tf":1.0},"54":{"tf":1.0},"56":{"tf":3.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"o":{"df":0,"docs":{},"l":{"'":{"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":1.0}}},":":{":":{"b":{"d":{"df":0,"docs":{},"f":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"f":{"a":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":1,"docs":{"46":{"tf":1.0}}}},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":1,"docs":{"46":{"tf":1.0}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"n":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"44":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":1,"docs":{"46":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"o":{"d":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"df":12,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"42":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{},"p":{"df":1,"docs":{"35":{"tf":1.4142135623730951}}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":1,"docs":{"46":{"tf":1.0}}}}}},"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":2,"docs":{"24":{"tf":1.4142135623730951},"45":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"{":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"s":{"df":0,"docs":{},"l":{"df":1,"docs":{"44":{"tf":1.4142135623730951}}}}}}}},"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"df":1,"docs":{"44":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":1,"docs":{"45":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"d":{"df":4,"docs":{"29":{"tf":1.0},"32":{"tf":1.4142135623730951},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}}}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"46":{"tf":1.0},"47":{"tf":1.0}}}}}}}}}}}},"df":0,"docs":{},"p":{"df":4,"docs":{"36":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":47,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":1.4142135623730951},"10":{"tf":1.7320508075688772},"13":{"tf":1.0},"14":{"tf":1.0},"15":{"tf":1.7320508075688772},"19":{"tf":1.0},"2":{"tf":1.7320508075688772},"20":{"tf":2.0},"21":{"tf":2.23606797749979},"22":{"tf":1.4142135623730951},"23":{"tf":2.0},"24":{"tf":1.0},"25":{"tf":1.4142135623730951},"26":{"tf":1.7320508075688772},"27":{"tf":1.0},"28":{"tf":1.4142135623730951},"29":{"tf":1.0},"3":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"38":{"tf":1.0},"39":{"tf":1.0},"4":{"tf":1.4142135623730951},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":2.0},"44":{"tf":1.4142135623730951},"45":{"tf":2.23606797749979},"49":{"tf":1.0},"5":{"tf":2.0},"51":{"tf":1.0},"52":{"tf":2.0},"53":{"tf":3.0},"54":{"tf":1.0},"55":{"tf":2.449489742783178},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"8":{"tf":1.7320508075688772},"9":{"tf":1.4142135623730951}}}}},"u":{"df":0,"docs":{},"s":{"df":6,"docs":{"12":{"tf":1.0},"16":{"tf":1.4142135623730951},"17":{"tf":1.4142135623730951},"52":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.0}}}}}},"l":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":2,"docs":{"12":{"tf":1.0},"52":{"tf":1.4142135623730951}}}}}},"r":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"4":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"46":{"tf":1.4142135623730951},"55":{"tf":1.0}}}}}},"df":0,"docs":{}},"i":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"s":{"c":{"df":0,"docs":{},"h":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"g":{"df":1,"docs":{"20":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"u":{"df":1,"docs":{"5":{"tf":1.4142135623730951}}}}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"55":{"tf":1.0}}},"t":{"df":7,"docs":{"0":{"tf":2.23606797749979},"10":{"tf":1.4142135623730951},"12":{"tf":1.0},"13":{"tf":1.0},"5":{"tf":3.4641016151377544},"6":{"tf":1.0},"7":{"tf":1.4142135623730951}},"i":{"df":0,"docs":{},"s":{"df":5,"docs":{"10":{"tf":1.0},"11":{"tf":1.0},"13":{"tf":2.0},"20":{"tf":1.0},"25":{"tf":1.0}}}}}}},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"30":{"tf":1.0},"55":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"1":{"tf":1.0}}}},"df":0,"docs":{}},"h":{"df":1,"docs":{"1":{"tf":1.7320508075688772}}},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":1,"docs":{"4":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}}}},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"26":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":5,"docs":{"13":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.0},"23":{"tf":1.0},"43":{"tf":1.0}}}}},"df":0,"docs":{}},"n":{"'":{"df":0,"docs":{},"t":{"df":1,"docs":{"47":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":4,"docs":{"24":{"tf":1.0},"28":{"tf":1.0},"34":{"tf":1.0},"35":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"6":{"tf":3.605551275463989}},"s":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"k":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"(":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"[":{"0":{"]":{".":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"w":{"df":0,"docs":{},"n":{"df":4,"docs":{"1":{"tf":1.0},"20":{"tf":1.0},"56":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"o":{"df":0,"docs":{},"p":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}}},"u":{"df":0,"docs":{},"g":{"df":3,"docs":{"0":{"tf":1.7320508075688772},"5":{"tf":1.7320508075688772},"6":{"tf":4.242640687119285}}}}},"s":{"df":0,"docs":{},"l":{"df":3,"docs":{"21":{"tf":1.4142135623730951},"23":{"tf":1.0},"43":{"tf":1.0}}}},"u":{"d":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"e":{"df":5,"docs":{"3":{"tf":1.0},"45":{"tf":1.0},"55":{"tf":2.0},"56":{"tf":1.0},"7":{"tf":1.0}}},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":2,"docs":{"45":{"tf":1.0},"52":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"e":{"df":4,"docs":{"20":{"tf":1.4142135623730951},"29":{"tf":1.7320508075688772},"40":{"tf":1.0},"5":{"tf":1.0}}}}},"v":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"1":{"df":9,"docs":{"24":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"26":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":2,"docs":{"24":{"tf":1.0},"26":{"tf":1.0}}}}}},"df":0,"docs":{}}},"y":{"/":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"24":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":4,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"2":{"tf":2.449489742783178},"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{".":{"df":0,"docs":{},"g":{"df":1,"docs":{"40":{"tf":1.0}}}},"a":{"c":{"df":0,"docs":{},"h":{"df":19,"docs":{"13":{"tf":1.0},"14":{"tf":1.0},"17":{"tf":1.0},"2":{"tf":1.4142135623730951},"24":{"tf":1.0},"32":{"tf":1.0},"34":{"tf":1.7320508075688772},"45":{"tf":1.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.7320508075688772},"48":{"tf":1.0},"5":{"tf":1.4142135623730951},"52":{"tf":1.4142135623730951},"53":{"tf":1.0},"54":{"tf":1.0},"55":{"tf":1.0},"56":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"21":{"tf":1.0},"46":{"tf":1.0}}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"23":{"tf":1.0},"49":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"21":{"tf":1.0},"56":{"tf":1.0}}}}}}},"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"y":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":2,"docs":{"11":{"tf":1.0},"2":{"tf":1.4142135623730951}}}}}}}}}},"df":3,"docs":{"29":{"tf":1.0},"50":{"tf":1.0},"7":{"tf":2.23606797749979}},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.0},"6":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"df":0,"docs":{}},"i":{"c":{"a":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"i":{"df":5,"docs":{"16":{"tf":1.0},"20":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0},"50":{"tf":1.0}}}},"df":0,"docs":{}}}},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":4,"docs":{"0":{"tf":1.4142135623730951},"16":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.7320508075688772}},"o":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":1,"docs":{"16":{"tf":1.4142135623730951}}}}}},"d":{"df":3,"docs":{"16":{"tf":2.23606797749979},"17":{"tf":2.6457513110645907},"18":{"tf":1.0}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"y":{"df":0,"docs":{},"t":{"df":1,"docs":{"18":{"tf":1.0}}}}}}}}},"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":5,"docs":{"10":{"tf":1.0},"11":{"tf":1.7320508075688772},"13":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951},"45":{"tf":2.23606797749979}}}}}}}},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"35":{"tf":1.0}}}}}},"n":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"c":{"df":0,"docs":{},"o":{"d":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}}},"d":{"df":0,"docs":{},"{":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":5,"docs":{"1":{"tf":1.0},"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}}}}}},"b":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":9,"docs":{"1":{"tf":2.0},"13":{"tf":2.23606797749979},"2":{"tf":2.449489742783178},"26":{"tf":2.0},"3":{"tf":1.4142135623730951},"31":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"9":{"tf":2.23606797749979}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":3,"docs":{"40":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":4,"docs":{"38":{"tf":1.0},"39":{"tf":1.0},"41":{"tf":1.0},"53":{"tf":1.0}}}},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"8":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"m":{"df":2,"docs":{"29":{"tf":1.0},"50":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}}}},"q":{"df":0,"docs":{},"n":{"df":8,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"44":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"u":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"27":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}},"t":{"df":33,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":2.449489742783178},"10":{"tf":1.4142135623730951},"12":{"tf":2.6457513110645907},"13":{"tf":2.8284271247461903},"14":{"tf":1.7320508075688772},"15":{"tf":1.4142135623730951},"16":{"tf":1.0},"17":{"tf":1.4142135623730951},"18":{"tf":1.0},"2":{"tf":2.23606797749979},"20":{"tf":2.449489742783178},"22":{"tf":1.7320508075688772},"24":{"tf":2.23606797749979},"26":{"tf":1.4142135623730951},"27":{"tf":1.0},"3":{"tf":1.4142135623730951},"31":{"tf":2.23606797749979},"34":{"tf":1.0},"35":{"tf":1.0},"38":{"tf":1.4142135623730951},"39":{"tf":1.0},"4":{"tf":1.0},"41":{"tf":1.0},"43":{"tf":1.4142135623730951},"45":{"tf":2.0},"47":{"tf":1.0},"49":{"tf":1.0},"52":{"tf":2.23606797749979},"56":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"8":{"tf":4.0},"9":{"tf":2.6457513110645907}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"15":{"tf":1.0}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"16":{"tf":1.0},"53":{"tf":1.0}}}},"df":0,"docs":{}}}}},"r":{"df":0,"docs":{},"r":{"(":{"_":{"df":3,"docs":{"20":{"tf":1.0},"50":{"tf":1.0},"7":{"tf":1.0}}},"df":2,"docs":{"29":{"tf":1.0},"50":{"tf":1.0}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":4,"docs":{"20":{"tf":1.0},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0}}}}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"3":{"4":{"df":1,"docs":{"46":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"46":{"tf":1.0}}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"30":{"tf":1.0}}}}}},"t":{"a":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.4142135623730951}}},"n":{"df":1,"docs":{"18":{"tf":1.0}}},"p":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}},"c":{"df":1,"docs":{"54":{"tf":1.0}}},"df":0,"docs":{}},"v":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":3,"docs":{"23":{"tf":1.0},"33":{"tf":1.0},"35":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":4,"docs":{"0":{"tf":2.6457513110645907},"5":{"tf":3.872983346207417},"6":{"tf":1.0},"7":{"tf":2.6457513110645907}}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.0},"5":{"tf":1.0},"9":{"tf":1.0}}}}}}},"x":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":32,"docs":{"0":{"tf":3.3166247903554},"1":{"tf":1.7320508075688772},"10":{"tf":1.0},"12":{"tf":2.0},"13":{"tf":1.4142135623730951},"14":{"tf":1.0},"15":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"19":{"tf":1.0},"2":{"tf":2.0},"20":{"tf":1.0},"21":{"tf":1.0},"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"3":{"tf":1.7320508075688772},"31":{"tf":1.0},"4":{"tf":1.7320508075688772},"40":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.0},"5":{"tf":1.4142135623730951},"52":{"tf":2.449489742783178},"53":{"tf":2.0},"56":{"tf":1.0},"6":{"tf":2.449489742783178},"7":{"tf":2.0},"8":{"tf":1.4142135623730951},"9":{"tf":1.7320508075688772}}}}}},"c":{"df":0,"docs":{},"e":{"df":1,"docs":{"19":{"tf":1.0}},"p":{"df":0,"docs":{},"t":{"df":1,"docs":{"54":{"tf":1.0}}}}},"h":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":1,"docs":{"18":{"tf":1.0}}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"44":{"tf":1.0}}}}},"df":0,"docs":{}},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"55":{"tf":1.0}}}},"df":0,"docs":{}},"l":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"0":{"tf":1.0},"21":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":3,"docs":{"1":{"tf":2.6457513110645907},"2":{"tf":1.0},"8":{"tf":2.449489742783178}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"24":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}}}}}}}}},"f":{"'":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"26":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"i":{"df":3,"docs":{"24":{"tf":1.7320508075688772},"35":{"tf":1.0},"45":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"26":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"i":{"df":2,"docs":{"24":{"tf":1.7320508075688772},"35":{"tf":1.0}}},"t":{"df":3,"docs":{"22":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0}}}},"6":{"4":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{":":{":":{"<":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":6,"docs":{"35":{"tf":1.7320508075688772},"36":{"tf":1.0},"37":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":6,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"a":{"c":{"df":0,"docs":{},"e":{"df":1,"docs":{"21":{"tf":1.0}}},"t":{"df":3,"docs":{"45":{"tf":1.0},"55":{"tf":1.0},"56":{"tf":1.0}},"o":{"df":0,"docs":{},"r":{"df":2,"docs":{"53":{"tf":1.0},"55":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":1,"docs":{"24":{"tf":1.0}}}},"df":0,"docs":{},"l":{"<":{"df":0,"docs":{},"t":{"df":1,"docs":{"24":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"t":{"df":1,"docs":{"24":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"t":{"df":2,"docs":{"24":{"tf":1.0},"45":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":4,"docs":{"20":{"tf":1.0},"24":{"tf":1.0},"46":{"tf":1.4142135623730951},"52":{"tf":1.7320508075688772}},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":2,"docs":{"15":{"tf":1.0},"20":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":2,"docs":{"15":{"tf":1.0},"20":{"tf":1.0}}}}}}}},"df":0,"docs":{}}}}},"i":{"df":0,"docs":{},"l":{"df":4,"docs":{"29":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":1.0},"50":{"tf":1.7320508075688772}}}},"l":{"df":0,"docs":{},"l":{"df":2,"docs":{"19":{"tf":1.0},"7":{"tf":1.0}}},"s":{"df":1,"docs":{"20":{"tf":1.0}}}},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"35":{"tf":1.0}}}},"df":0,"docs":{}}}},"r":{"a":{"d":{"a":{"df":0,"docs":{},"y":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"3":{"tf":1.0},"38":{"tf":1.0},"43":{"tf":1.0}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":4,"docs":{"23":{"tf":1.0},"44":{"tf":1.0},"55":{"tf":1.0},"56":{"tf":1.0}}}}}}},"d":{"df":2,"docs":{"13":{"tf":1.0},"14":{"tf":1.0}},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":1,"docs":{"11":{"tf":1.0}}}}}},"df":5,"docs":{"17":{"tf":1.7320508075688772},"18":{"tf":1.0},"24":{"tf":1.0},"26":{"tf":1.7320508075688772},"44":{"tf":1.4142135623730951}},"e":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":5,"docs":{"2":{"tf":1.0},"23":{"tf":1.0},"43":{"tf":1.0},"44":{"tf":1.4142135623730951},"7":{"tf":1.0}}}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"11":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"w":{"df":3,"docs":{"11":{"tf":1.0},"49":{"tf":1.0},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"d":{"df":2,"docs":{"32":{"tf":1.0},"6":{"tf":1.0}}},"df":0,"docs":{}}},"g":{"df":1,"docs":{"6":{"tf":1.7320508075688772}},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"e":{"df":9,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":2.0},"4":{"tf":1.0},"52":{"tf":2.0},"53":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"0":{"tf":1.0},"9":{"tf":1.7320508075688772}}}}}},"n":{"a":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"20":{"tf":1.4142135623730951},"7":{"tf":1.0}}}}}},"df":6,"docs":{"13":{"tf":1.0},"20":{"tf":1.4142135623730951},"34":{"tf":1.0},"49":{"tf":1.0},"53":{"tf":1.0},"7":{"tf":1.0}}}},"d":{"df":8,"docs":{"1":{"tf":1.0},"19":{"tf":1.0},"22":{"tf":1.0},"27":{"tf":2.23606797749979},"28":{"tf":2.449489742783178},"29":{"tf":1.0},"5":{"tf":1.0},"50":{"tf":1.0}}},"df":0,"docs":{},"e":{"df":1,"docs":{"43":{"tf":1.0}}},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":1,"docs":{"20":{"tf":2.0}}}},"t":{"df":5,"docs":{"10":{"tf":2.0},"11":{"tf":2.449489742783178},"12":{"tf":1.0},"13":{"tf":2.23606797749979},"53":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"i":{"df":1,"docs":{"11":{"tf":1.0}}}},"r":{"df":0,"docs":{},"e":{"d":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"k":{"df":1,"docs":{"11":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"df":8,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":3.3166247903554},"2":{"tf":2.23606797749979},"3":{"tf":2.23606797749979},"35":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":1.4142135623730951}}}}},"t":{"df":1,"docs":{"23":{"tf":1.0}}}},"l":{"a":{"df":0,"docs":{},"g":{"df":2,"docs":{"23":{"tf":1.0},"44":{"tf":1.4142135623730951}}},"v":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"10":{"tf":1.0}}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"b":{"df":0,"docs":{},"l":{"df":3,"docs":{"21":{"tf":1.0},"23":{"tf":1.0},"5":{"tf":1.0}}}},"df":0,"docs":{}}}},"o":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.0}}}},"df":0,"docs":{},"w":{"df":3,"docs":{"45":{"tf":1.0},"8":{"tf":1.4142135623730951},"9":{"tf":1.7320508075688772}}}},"u":{"df":0,"docs":{},"x":{"df":1,"docs":{"17":{"tf":1.0}}}}},"n":{"df":25,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"35":{"tf":3.605551275463989},"36":{"tf":2.23606797749979},"37":{"tf":2.449489742783178},"4":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":5.5677643628300215},"42":{"tf":5.5677643628300215},"44":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"o":{"c":{"df":0,"docs":{},"u":{"df":3,"docs":{"43":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0}},"s":{"df":2,"docs":{"38":{"tf":1.0},"51":{"tf":1.0}}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":10,"docs":{"17":{"tf":1.0},"19":{"tf":1.0},"24":{"tf":1.0},"28":{"tf":1.0},"4":{"tf":1.0},"49":{"tf":1.0},"54":{"tf":1.0},"6":{"tf":1.4142135623730951},"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"o":{"d":{"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"b":{"df":4,"docs":{"52":{"tf":1.0},"53":{"tf":1.7320508075688772},"55":{"tf":1.4142135623730951},"56":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"f":{"df":1,"docs":{"45":{"tf":1.0}}}}}}}}},"r":{"c":{"df":2,"docs":{"4":{"tf":1.7320508075688772},"9":{"tf":1.0}}},"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":2,"docs":{"13":{"tf":1.0},"45":{"tf":1.0}}}},"df":15,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":2.0},"11":{"tf":1.0},"13":{"tf":1.0},"2":{"tf":1.4142135623730951},"22":{"tf":1.0},"25":{"tf":1.0},"26":{"tf":1.0},"3":{"tf":1.0},"44":{"tf":1.0},"52":{"tf":1.0},"6":{"tf":1.4142135623730951},"7":{"tf":1.0},"8":{"tf":2.449489742783178},"9":{"tf":1.0}},"u":{"df":0,"docs":{},"l":{"a":{"df":1,"docs":{"46":{"tf":1.0}}},"df":0,"docs":{}}}},"w":{"a":{"df":0,"docs":{},"r":{"d":{"df":6,"docs":{"1":{"tf":1.0},"30":{"tf":2.23606797749979},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"49":{"tf":1.0},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"29":{"tf":1.0},"53":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"a":{"c":{"df":1,"docs":{"17":{"tf":1.0}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"17":{"tf":1.0}}}}}},"{":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"h":{"^":{"2":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"2":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"f":{"df":1,"docs":{"18":{"tf":1.0}}}}}}}},"\\":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"^":{"2":{"df":2,"docs":{"12":{"tf":1.0},"13":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":2,"docs":{"12":{"tf":1.0},"17":{"tf":1.0}}}}}},"df":0,"docs":{}}},"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"d":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"y":{"df":0,"docs":{},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":7,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0},"3":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"^":{"2":{"df":1,"docs":{"14":{"tf":1.0}},"x":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"^":{"2":{"df":3,"docs":{"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"c":{"_":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"2":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"i":{"_":{"df":0,"docs":{},"l":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"q":{"_":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"{":{"df":0,"docs":{},"p":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"u":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"14":{"tf":1.0}}}},"df":0,"docs":{}}}},"v":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":4,"docs":{"3":{"tf":1.0},"4":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"x":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":4,"docs":{"2":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"4":{"tf":1.7320508075688772},"7":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"y":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"k":{"df":1,"docs":{"31":{"tf":1.0}}},"r":{"df":1,"docs":{"31":{"tf":1.0}}},"t":{"df":8,"docs":{"2":{"tf":1.4142135623730951},"22":{"tf":1.0},"24":{"tf":1.0},"25":{"tf":1.0},"26":{"tf":1.4142135623730951},"28":{"tf":1.0},"31":{"tf":1.0},"35":{"tf":1.0}}}},"df":0,"docs":{}}}},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"h":{"^":{"2":{"df":1,"docs":{"14":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"g":{"(":{"1":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"i":{"_":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"c":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"a":{"_":{"df":0,"docs":{},"n":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"j":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}},"k":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"q":{"_":{"c":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"v":{"_":{"c":{"df":1,"docs":{"6":{"tf":2.449489742783178}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"{":{"df":0,"docs":{},"p":{"1":{"df":0,"docs":{},"}":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"v":{"_":{"df":0,"docs":{},"{":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":2.0}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"u":{"(":{"df":0,"docs":{},"x":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{}},"v":{"_":{"df":1,"docs":{"9":{"tf":1.4142135623730951}},"{":{"df":0,"docs":{},"i":{"+":{"1":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"x":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"y":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}}}},"s":{":":{":":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{"\"":{".":{".":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"r":{"c":{"/":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"/":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"/":{"b":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"20":{"tf":1.0}}}}}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"r":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}},"df":0,"docs":{}}}},"h":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"15":{"tf":1.0}}}},"df":0,"docs":{}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}},"s":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":3,"docs":{"26":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0}}}},"n":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":21,"docs":{"1":{"tf":1.4142135623730951},"22":{"tf":1.4142135623730951},"23":{"tf":2.0},"24":{"tf":1.7320508075688772},"26":{"tf":1.4142135623730951},"28":{"tf":2.8284271247461903},"33":{"tf":1.0},"34":{"tf":2.449489742783178},"35":{"tf":2.8284271247461903},"36":{"tf":2.0},"37":{"tf":1.7320508075688772},"40":{"tf":2.23606797749979},"45":{"tf":2.23606797749979},"49":{"tf":1.4142135623730951},"5":{"tf":1.0},"53":{"tf":3.0},"55":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":2.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}}}}}},"d":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"50":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"}":{"df":0,"docs":{},"{":{"2":{"df":0,"docs":{},"i":{"_":{"df":0,"docs":{},"{":{"0":{",":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"g":{"(":{"0":{")":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"h":{"^":{"2":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":1,"docs":{"13":{"tf":1.7320508075688772}}},"1":{"df":1,"docs":{"13":{"tf":1.7320508075688772}}},"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"t":{"df":1,"docs":{"22":{"tf":1.7320508075688772}}},"x":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":3,"docs":{"15":{"tf":2.449489742783178},"3":{"tf":2.0},"7":{"tf":2.449489742783178}},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"v":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":3,"docs":{"37":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":1,"docs":{"26":{"tf":1.0}}}},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":2,"docs":{"0":{"tf":1.0},"8":{"tf":1.0}}}}}},"df":14,"docs":{"1":{"tf":1.4142135623730951},"10":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.7320508075688772},"24":{"tf":1.0},"26":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"53":{"tf":1.7320508075688772},"54":{"tf":1.0},"55":{"tf":1.4142135623730951},"8":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}},"t":{"df":1,"docs":{"40":{"tf":1.4142135623730951}}}},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":3,"docs":{"10":{"tf":1.0},"13":{"tf":1.0},"26":{"tf":1.0}},"n":{"df":7,"docs":{"1":{"tf":1.0},"13":{"tf":1.7320508075688772},"17":{"tf":1.0},"18":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":2.0},"9":{"tf":1.7320508075688772}}}}}},"o":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"34":{"tf":1.0},"35":{"tf":1.0},"51":{"tf":1.0}}}},"df":3,"docs":{"13":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":2,"docs":{"16":{"tf":1.0},"2":{"tf":1.4142135623730951}}}}}}},"r":{"a":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":4,"docs":{"24":{"tf":1.0},"31":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.0}}}}}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"h":{"df":1,"docs":{"54":{"tf":1.0}}}},"v":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":2,"docs":{"3":{"tf":1.4142135623730951},"7":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"d":{"a":{"df":0,"docs":{},"p":{".":{"df":0,"docs":{},"j":{"df":0,"docs":{},"l":{"df":1,"docs":{"11":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":1,"docs":{"52":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"d":{"df":3,"docs":{"0":{"tf":1.0},"5":{"tf":1.0},"7":{"tf":2.8284271247461903}}},"df":0,"docs":{}}},"w":{"df":3,"docs":{"1":{"tf":1.4142135623730951},"13":{"tf":1.0},"2":{"tf":1.0}},"t":{"df":0,"docs":{},"h":{"df":4,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":2.23606797749979},"24":{"tf":1.0},"31":{"tf":1.7320508075688772}}}}}}},"u":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}}}}}},"h":{")":{"df":0,"docs":{},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"h":{"^":{"2":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}}},"n":{"d":{"df":9,"docs":{"16":{"tf":1.0},"22":{"tf":1.0},"26":{"tf":1.0},"31":{"tf":1.4142135623730951},"33":{"tf":1.0},"4":{"tf":1.0},"40":{"tf":1.4142135623730951},"53":{"tf":1.4142135623730951},"56":{"tf":1.0}},"l":{"df":4,"docs":{"0":{"tf":1.0},"25":{"tf":1.0},"5":{"tf":1.7320508075688772},"7":{"tf":1.0}}}},"df":0,"docs":{}},"v":{"df":0,"docs":{},"e":{"df":1,"docs":{"23":{"tf":1.0}}}}},"df":4,"docs":{"13":{"tf":1.4142135623730951},"15":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":2.0}},"e":{"a":{"df":0,"docs":{},"t":{"2":{"d":{"df":3,"docs":{"52":{"tf":1.0},"53":{"tf":1.7320508075688772},"55":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.4142135623730951}}}},"df":5,"docs":{"12":{"tf":2.449489742783178},"13":{"tf":1.4142135623730951},"14":{"tf":1.7320508075688772},"15":{"tf":1.0},"52":{"tf":1.0}}},"v":{"df":0,"docs":{},"i":{"df":1,"docs":{"53":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}}}}},"l":{"df":0,"docs":{},"p":{"df":1,"docs":{"11":{"tf":1.0}}}},"r":{"df":0,"docs":{},"e":{"df":6,"docs":{"0":{"tf":1.0},"11":{"tf":1.0},"13":{"tf":1.4142135623730951},"16":{"tf":1.0},"28":{"tf":1.0},"6":{"tf":1.0}}}}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":3,"docs":{"49":{"tf":1.0},"56":{"tf":1.0},"9":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{"df":5,"docs":{"0":{"tf":2.0},"23":{"tf":1.0},"3":{"tf":2.6457513110645907},"4":{"tf":1.0},"43":{"tf":1.0}}},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"3":{"tf":1.0}}}}}}},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"42":{"tf":1.0}}}},"t":{"df":2,"docs":{"0":{"tf":1.0},"7":{"tf":2.449489742783178}}}},"o":{"df":0,"docs":{},"l":{"d":{"df":6,"docs":{"13":{"tf":1.0},"2":{"tf":1.0},"33":{"tf":1.0},"35":{"tf":1.0},"47":{"tf":1.0},"5":{"tf":1.0}}},"df":0,"docs":{}},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":2,"docs":{"13":{"tf":1.0},"6":{"tf":1.0}}}}}}},"t":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"i":{".":{"df":5,"docs":{"24":{"tf":1.0},"31":{"tf":1.0},"45":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}}},"=":{"df":0,"docs":{},"n":{"df":1,"docs":{"17":{"tf":1.0}}},"p":{"df":1,"docs":{"17":{"tf":1.0}}}},"_":{"c":{"df":1,"docs":{"9":{"tf":2.0}}},"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}},"r":{"df":1,"docs":{"9":{"tf":2.449489742783178}}},"{":{"0":{",":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"c":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}},"d":{"a":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"/":{"df":0,"docs":{},"i":{"d":{"a":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"b":{"_":{"b":{"df":0,"docs":{},"n":{"d":{".":{"c":{"df":1,"docs":{"52":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"h":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"2":{"d":{"_":{"df":0,"docs":{},"k":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{".":{"c":{"df":1,"docs":{"52":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"s":{"_":{"d":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{".":{"c":{"df":1,"docs":{"52":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":3,"docs":{"52":{"tf":1.7320508075688772},"53":{"tf":1.0},"55":{"tf":1.4142135623730951}}},"df":0,"docs":{},"e":{"a":{"df":1,"docs":{"10":{"tf":1.0}},"l":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":4,"docs":{"22":{"tf":1.0},"25":{"tf":1.0},"53":{"tf":1.0},"8":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":1,"docs":{"45":{"tf":1.0}}}}},"l":{"df":1,"docs":{"9":{"tf":1.4142135623730951}},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":5,"docs":{"0":{"tf":1.0},"2":{"tf":1.0},"26":{"tf":1.0},"35":{"tf":1.0},"45":{"tf":1.0}}}}}}}},"m":{"a":{"df":0,"docs":{},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"32":{"tf":1.0},"41":{"tf":1.0}}}}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"<":{"'":{"a":{"df":3,"docs":{"35":{"tf":1.4142135623730951},"41":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":5,"docs":{"35":{"tf":2.0},"36":{"tf":1.4142135623730951},"37":{"tf":1.7320508075688772},"41":{"tf":3.605551275463989},"42":{"tf":3.605551275463989}},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":21,"docs":{"10":{"tf":1.0},"15":{"tf":1.4142135623730951},"23":{"tf":1.0},"34":{"tf":2.6457513110645907},"35":{"tf":2.23606797749979},"36":{"tf":1.4142135623730951},"37":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"40":{"tf":3.1622776601683795},"41":{"tf":2.8284271247461903},"42":{"tf":2.449489742783178},"45":{"tf":1.0},"47":{"tf":1.0},"48":{"tf":1.0},"51":{"tf":1.0},"52":{"tf":1.0},"53":{"tf":3.1622776601683795},"54":{"tf":1.7320508075688772},"55":{"tf":2.8284271247461903},"56":{"tf":2.6457513110645907},"7":{"tf":1.0}}}}}}},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"46":{"tf":1.0},"8":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"22":{"tf":1.4142135623730951},"53":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":3,"docs":{"1":{"tf":1.0},"10":{"tf":1.0},"2":{"tf":1.0}}}},"s":{"df":1,"docs":{"52":{"tf":1.0}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"v":{"df":1,"docs":{"55":{"tf":1.7320508075688772}}}}}}},"n":{"a":{"c":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":1,"docs":{"5":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"c":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"d":{"df":9,"docs":{"0":{"tf":1.0},"10":{"tf":1.0},"25":{"tf":1.0},"31":{"tf":1.0},"37":{"tf":1.0},"42":{"tf":1.0},"54":{"tf":1.7320508075688772},"7":{"tf":1.0},"8":{"tf":2.0}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"47":{"tf":1.0}}},"df":0,"docs":{}}}},"x":{"df":4,"docs":{"45":{"tf":1.0},"53":{"tf":1.4142135623730951},"56":{"tf":1.0},"8":{"tf":1.0}}}},"i":{"c":{"df":2,"docs":{"4":{"tf":1.0},"50":{"tf":1.0}}},"df":0,"docs":{},"v":{"df":0,"docs":{},"i":{"d":{"df":0,"docs":{},"u":{"df":1,"docs":{"38":{"tf":1.0}}}},"df":0,"docs":{}}}},"u":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"1":{"tf":1.0}}}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"3":{"tf":1.0}}},"df":0,"docs":{}}}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":3,"docs":{"1":{"tf":1.0},"47":{"tf":1.0},"5":{"tf":1.4142135623730951}}}}}},"i":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{},"|":{"_":{"df":0,"docs":{},"p":{"df":7,"docs":{"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":2,"docs":{"31":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951}}}}}},"df":5,"docs":{"24":{"tf":1.4142135623730951},"34":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"45":{"tf":1.4142135623730951}},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":3,"docs":{"46":{"tf":1.4142135623730951},"47":{"tf":2.23606797749979},"50":{"tf":1.0}}}}}},"df":15,"docs":{"1":{"tf":1.4142135623730951},"17":{"tf":1.0},"2":{"tf":2.0},"20":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":2.449489742783178},"31":{"tf":1.4142135623730951},"36":{"tf":1.4142135623730951},"40":{"tf":1.0},"46":{"tf":1.0},"47":{"tf":1.7320508075688772},"49":{"tf":2.449489742783178},"6":{"tf":1.4142135623730951},"7":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":3,"docs":{"45":{"tf":1.0},"52":{"tf":1.7320508075688772},"6":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"44":{"tf":1.0}}},"n":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"a":{"d":{"df":5,"docs":{"0":{"tf":1.0},"26":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"g":{"df":0,"docs":{},"r":{"df":4,"docs":{"1":{"tf":1.0},"49":{"tf":1.0},"5":{"tf":2.0},"7":{"tf":1.0}}}},"r":{"a":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}}},"f":{"a":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"13":{"tf":1.0}}}}},"n":{"df":5,"docs":{"32":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.0},"5":{"tf":1.7320508075688772},"50":{"tf":1.0}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"32":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":1,"docs":{"50":{"tf":1.4142135623730951}}}}},"v":{"df":2,"docs":{"20":{"tf":1.0},"6":{"tf":1.0}}}}},"r":{"a":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"u":{"c":{"df":6,"docs":{"0":{"tf":1.0},"2":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}},"t":{"df":1,"docs":{"5":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}}}}},"v":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":5,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"3":{"tf":1.7320508075688772},"5":{"tf":1.0},"8":{"tf":1.0}}}}}}},"o":{"df":0,"docs":{},"n":{"df":3,"docs":{"16":{"tf":1.7320508075688772},"17":{"tf":2.0},"18":{"tf":1.0}}}},"r":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":1,"docs":{"9":{"tf":2.449489742783178}}},"t":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"45":{"tf":1.0},"6":{"tf":1.0}}}}}}},"}":{"df":0,"docs":{},"{":{"a":{"_":{"df":0,"docs":{},"p":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"j":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.7320508075688772}}},"n":{"df":1,"docs":{"17":{"tf":1.0}}},"p":{"df":2,"docs":{"17":{"tf":1.0},"31":{"tf":1.4142135623730951}}},"{":{"df":0,"docs":{},"y":{"_":{"0":{"df":1,"docs":{"31":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"a":{"c":{"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":1,"docs":{"35":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"n":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.0}}}}},"df":0,"docs":{}}}}}}}}},"df":8,"docs":{"24":{"tf":1.0},"26":{"tf":1.4142135623730951},"31":{"tf":1.0},"33":{"tf":1.0},"35":{"tf":1.4142135623730951},"45":{"tf":3.7416573867739413},"53":{"tf":3.0},"55":{"tf":1.7320508075688772}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":2,"docs":{"31":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951}},"i":{"df":0,"docs":{},"t":{"df":3,"docs":{"44":{"tf":1.0},"54":{"tf":1.0},"56":{"tf":1.0}}}},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"a":{"df":1,"docs":{"11":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}},"k":{"/":{"df":0,"docs":{},"m":{"df":1,"docs":{"4":{"tf":1.0}}}},"^":{"2":{"df":1,"docs":{"31":{"tf":1.0}}},"df":0,"docs":{}},"_":{"1":{"df":1,"docs":{"1":{"tf":1.7320508075688772}}},"2":{"df":1,"docs":{"1":{"tf":1.7320508075688772}}},"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.4142135623730951}}}},"df":6,"docs":{"1":{"tf":1.4142135623730951},"24":{"tf":1.0},"31":{"tf":1.4142135623730951},"4":{"tf":1.7320508075688772},"44":{"tf":2.449489742783178},"6":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":2,"docs":{"18":{"tf":1.0},"6":{"tf":1.0}}}}},"r":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"'":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}},"l":{"df":0,"docs":{},"u":{"df":2,"docs":{"52":{"tf":2.23606797749979},"53":{"tf":1.0}}}},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":1,"docs":{"20":{"tf":1.0}}}},"o":{"df":0,"docs":{},"w":{"df":3,"docs":{"1":{"tf":1.4142135623730951},"11":{"tf":1.0},"28":{"tf":1.0}},"n":{"df":2,"docs":{"13":{"tf":1.4142135623730951},"16":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"t":{"df":0,"docs":{},"t":{"a":{"df":1,"docs":{"46":{"tf":1.0}}},"df":0,"docs":{}}}}},"l":{"a":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"51":{"tf":1.0}}}}}}},"df":0,"docs":{}}}},"c":{"df":0,"docs":{},"k":{"df":1,"docs":{"16":{"tf":1.0}}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"g":{"df":9,"docs":{"11":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.0},"23":{"tf":1.4142135623730951},"43":{"tf":1.7320508075688772},"53":{"tf":1.0},"56":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"g":{"df":4,"docs":{"10":{"tf":1.0},"21":{"tf":1.0},"45":{"tf":1.0},"55":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"55":{"tf":1.7320508075688772},"56":{"tf":1.4142135623730951}}}}}},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"28":{"tf":1.0}}}},"w":{"df":2,"docs":{"8":{"tf":1.0},"9":{"tf":1.4142135623730951}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"51":{"tf":1.0}}},"df":0,"docs":{}}}}},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{":":{":":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":6,"docs":{"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"{":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":7,"docs":{"15":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":1,"docs":{"9":{"tf":2.0}},"e":{"a":{"d":{"df":1,"docs":{"25":{"tf":1.0}}},"df":0,"docs":{},"v":{"df":1,"docs":{"24":{"tf":1.0}}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"t":{".":{"\\":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"a":{"c":{"df":0,"docs":{},"{":{"\\":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"c":{"\\":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"\\":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"{":{"df":0,"docs":{},"t":{"=":{"0":{"df":1,"docs":{"17":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"1":{"tf":1.0},"18":{"tf":1.0},"6":{"tf":2.0}}}},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"50":{"tf":1.0}}}},"t":{"'":{"df":2,"docs":{"2":{"tf":1.0},"6":{"tf":1.0}}},"df":9,"docs":{"1":{"tf":1.0},"12":{"tf":1.0},"2":{"tf":1.0},"32":{"tf":1.0},"41":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":5,"docs":{"23":{"tf":1.0},"43":{"tf":1.0},"49":{"tf":1.0},"56":{"tf":1.0},"6":{"tf":1.0}}}}}},"i":{"b":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":7,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"20":{"tf":1.4142135623730951},"51":{"tf":1.0},"52":{"tf":1.7320508075688772},"53":{"tf":1.4142135623730951},"55":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"40":{"tf":1.0}}}}}}},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"w":{"df":0,"docs":{},"e":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":2,"docs":{"40":{"tf":1.0},"50":{"tf":1.0}}}}}}}}}}},"n":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":9,"docs":{"20":{"tf":1.0},"34":{"tf":1.4142135623730951},"35":{"tf":1.7320508075688772},"37":{"tf":1.7320508075688772},"46":{"tf":1.4142135623730951},"52":{"tf":2.449489742783178},"53":{"tf":1.7320508075688772},"55":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"13":{"tf":1.0},"2":{"tf":1.0}}}},"o":{"df":0,"docs":{},"p":{"df":5,"docs":{"34":{"tf":1.0},"37":{"tf":1.7320508075688772},"40":{"tf":1.4142135623730951},"41":{"tf":1.7320508075688772},"42":{"tf":2.0}}}}}},"df":2,"docs":{"10":{"tf":1.0},"14":{"tf":1.4142135623730951}}},"k":{"df":1,"docs":{"53":{"tf":1.0}}}},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"u":{"df":0,"docs":{},"m":{"df":3,"docs":{"16":{"tf":1.7320508075688772},"17":{"tf":2.0},"18":{"tf":1.0}}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"51":{"tf":1.0}}}}}}}}},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"m":{"df":2,"docs":{"23":{"tf":1.4142135623730951},"44":{"tf":1.7320508075688772}},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"44":{"tf":1.0}}}}},"df":0,"docs":{}}}}}},"o":{"df":0,"docs":{},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":6,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"31":{"tf":1.7320508075688772},"35":{"tf":1.0},"45":{"tf":1.0}}}}}},"o":{"df":0,"docs":{},"k":{"df":4,"docs":{"1":{"tf":1.0},"3":{"tf":1.4142135623730951},"5":{"tf":1.0},"8":{"tf":1.0}}},"p":{"df":5,"docs":{"2":{"tf":1.0},"29":{"tf":1.0},"50":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"t":{"df":0,"docs":{},"k":{"a":{"df":1,"docs":{"2":{"tf":1.7320508075688772}}},"df":0,"docs":{}}},"w":{"df":2,"docs":{"0":{"tf":1.0},"9":{"tf":1.4142135623730951}},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"19":{"tf":1.0}}}}}},"r":{"c":{"df":2,"docs":{"0":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"s":{"df":14,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"29":{"tf":1.0},"32":{"tf":1.4142135623730951},"4":{"tf":1.0},"44":{"tf":1.0},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"u":{"df":2,"docs":{"46":{"tf":1.7320508075688772},"52":{"tf":1.0}}}},"m":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"v":{"df":1,"docs":{"26":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{},"p":{"df":1,"docs":{"26":{"tf":1.0}}},"t":{"df":3,"docs":{"22":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.4142135623730951}}}},":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"1":{"df":1,"docs":{"37":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"9":{"tf":1.0}}}},"a":{"d":{"df":0,"docs":{},"e":{"df":1,"docs":{"53":{"tf":1.0}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":28,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"35":{"tf":1.7320508075688772},"36":{"tf":1.0},"37":{"tf":1.0},"4":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.7320508075688772},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"53":{"tf":1.4142135623730951},"56":{"tf":1.0},"6":{"tf":1.4142135623730951},"7":{"tf":1.0},"9":{"tf":1.0}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"5":{"tf":1.0},"6":{"tf":1.0}}}}},"df":0,"docs":{}}}},"k":{"df":0,"docs":{},"e":{"df":5,"docs":{"0":{"tf":1.0},"2":{"tf":1.0},"27":{"tf":1.0},"53":{"tf":1.0},"7":{"tf":1.0}}}},"n":{"df":0,"docs":{},"i":{"df":8,"docs":{"1":{"tf":1.0},"10":{"tf":1.0},"11":{"tf":1.4142135623730951},"3":{"tf":1.0},"30":{"tf":1.0},"40":{"tf":1.0},"5":{"tf":1.4142135623730951},"8":{"tf":1.0}}},"u":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"45":{"tf":1.0},"46":{"tf":2.0},"47":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":15,"docs":{"0":{"tf":2.23606797749979},"22":{"tf":1.0},"25":{"tf":3.0},"26":{"tf":2.6457513110645907},"3":{"tf":2.449489742783178},"34":{"tf":1.0},"37":{"tf":2.23606797749979},"4":{"tf":3.7416573867739413},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"46":{"tf":1.0},"53":{"tf":2.0},"8":{"tf":2.23606797749979},"9":{"tf":2.0}}}},"t":{"c":{"df":0,"docs":{},"h":{"df":6,"docs":{"20":{"tf":1.0},"29":{"tf":1.0},"50":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":2,"docs":{"12":{"tf":1.7320508075688772},"17":{"tf":1.0}}}}},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"f":{"df":1,"docs":{"8":{"tf":1.4142135623730951}},"}":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":7,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"7":{"tf":1.4142135623730951},"8":{"tf":2.0},"9":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"g":{"df":1,"docs":{"8":{"tf":1.0}},"}":{"(":{"\\":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"b":{"df":0,"docs":{},"f":{"df":0,"docs":{},"{":{"df":0,"docs":{},"i":{"df":1,"docs":{"8":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"i":{"df":9,"docs":{"1":{"tf":1.4142135623730951},"2":{"tf":1.0},"26":{"tf":1.7320508075688772},"3":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0},"9":{"tf":1.0}}},"m":{"df":1,"docs":{"8":{"tf":1.0}}},"p":{"df":1,"docs":{"26":{"tf":2.0}}},"v":{"df":1,"docs":{"26":{"tf":1.4142135623730951}}},"y":{"df":0,"docs":{},"}":{"(":{"0":{"df":5,"docs":{"1":{"tf":1.0},"2":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"c":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"{":{"a":{"df":1,"docs":{"17":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":2,"docs":{"5":{"tf":1.0},"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"i":{"c":{"df":7,"docs":{"20":{"tf":1.0},"25":{"tf":1.0},"35":{"tf":1.0},"46":{"tf":1.0},"52":{"tf":1.0},"53":{"tf":1.7320508075688772},"55":{"tf":1.0}}},"df":0,"docs":{},"x":{"df":16,"docs":{"0":{"tf":1.7320508075688772},"13":{"tf":2.23606797749979},"14":{"tf":1.0},"20":{"tf":1.0},"22":{"tf":1.4142135623730951},"24":{"tf":2.449489742783178},"25":{"tf":2.8284271247461903},"26":{"tf":2.6457513110645907},"37":{"tf":1.4142135623730951},"40":{"tf":1.0},"45":{"tf":3.872983346207417},"52":{"tf":2.449489742783178},"53":{"tf":2.6457513110645907},"55":{"tf":1.0},"8":{"tf":3.0},"9":{"tf":2.0}}}}}}},"df":26,"docs":{"15":{"tf":1.7320508075688772},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"35":{"tf":2.449489742783178},"36":{"tf":1.7320508075688772},"37":{"tf":2.0},"4":{"tf":2.0},"40":{"tf":1.0},"41":{"tf":3.605551275463989},"42":{"tf":3.605551275463989},"44":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0},"9":{"tf":2.449489742783178}},"e":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"13":{"tf":1.0}}}}}},"d":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}}},"df":0,"docs":{},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"55":{"tf":1.0}}}}}},"df":0,"docs":{},"t":{"a":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"0":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":3,"docs":{"20":{"tf":1.0},"27":{"tf":1.0},"5":{"tf":1.0}},"h":{"df":0,"docs":{},"o":{"d":{"df":21,"docs":{"10":{"tf":2.23606797749979},"12":{"tf":1.0},"13":{"tf":2.449489742783178},"14":{"tf":1.4142135623730951},"24":{"tf":2.23606797749979},"28":{"tf":1.0},"29":{"tf":1.4142135623730951},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"33":{"tf":1.0},"34":{"tf":1.0},"40":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":2.23606797749979},"48":{"tf":1.0},"49":{"tf":1.0},"50":{"tf":2.6457513110645907},"53":{"tf":1.4142135623730951},"55":{"tf":1.4142135623730951}},"o":{"df":0,"docs":{},"f":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{".":{"df":0,"docs":{},"j":{"df":0,"docs":{},"l":{"df":1,"docs":{"11":{"tf":1.0}}}}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"53":{"tf":1.0},"56":{"tf":1.0}},"u":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}}}}}},"l":{"/":{"df":0,"docs":{},"h":{"df":1,"docs":{"6":{"tf":2.0}}}},"df":1,"docs":{"6":{"tf":2.0}}},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"20":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"!":{"(":{"\"":{"df":0,"docs":{},"y":{"0":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{},"l":{"df":25,"docs":{"0":{"tf":3.7416573867739413},"1":{"tf":1.4142135623730951},"10":{"tf":1.0},"11":{"tf":1.0},"12":{"tf":1.0},"13":{"tf":1.0},"14":{"tf":1.0},"15":{"tf":1.0},"16":{"tf":2.8284271247461903},"17":{"tf":2.0},"18":{"tf":1.7320508075688772},"19":{"tf":1.0},"2":{"tf":3.3166247903554},"20":{"tf":2.6457513110645907},"21":{"tf":1.0},"3":{"tf":1.0},"37":{"tf":1.0},"4":{"tf":1.4142135623730951},"5":{"tf":2.8284271247461903},"53":{"tf":1.4142135623730951},"54":{"tf":1.0},"6":{"tf":4.123105625617661},"7":{"tf":1.4142135623730951},"8":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"i":{"df":0,"docs":{},"f":{"df":1,"docs":{"53":{"tf":1.0}}}},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"20":{"tf":1.0}}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":14,"docs":{"1":{"tf":1.0},"11":{"tf":1.0},"13":{"tf":1.0},"16":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.7320508075688772},"23":{"tf":1.4142135623730951},"28":{"tf":1.0},"35":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.0},"56":{"tf":1.0},"6":{"tf":1.7320508075688772},"8":{"tf":1.0}}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"56":{"tf":1.0}}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":4,"docs":{"0":{"tf":1.0},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"7":{"tf":1.0}}}}}}},"u":{"c":{"df":0,"docs":{},"h":{"df":2,"docs":{"13":{"tf":1.0},"56":{"tf":1.0}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":4,"docs":{"13":{"tf":1.0},"53":{"tf":1.0},"55":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":7,"docs":{"24":{"tf":1.0},"26":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951},"35":{"tf":1.4142135623730951},"45":{"tf":1.0},"53":{"tf":1.0},"8":{"tf":1.0}}}}}}}},"t":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"47":{"tf":1.0}}}},"df":0,"docs":{}},"df":18,"docs":{"15":{"tf":1.4142135623730951},"2":{"tf":2.23606797749979},"20":{"tf":3.0},"29":{"tf":1.0},"32":{"tf":1.4142135623730951},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"4":{"tf":1.4142135623730951},"41":{"tf":2.23606797749979},"42":{"tf":2.23606797749979},"44":{"tf":1.0},"47":{"tf":1.4142135623730951},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":2.23606797749979},"7":{"tf":2.449489742783178},"9":{"tf":1.4142135623730951}}}},"y":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"<":{"'":{"_":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"36":{"tf":1.7320508075688772},"41":{"tf":1.0},"42":{"tf":1.4142135623730951}}}}}},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"<":{"'":{"_":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":2,"docs":{"37":{"tf":2.0},"42":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"<":{"'":{"_":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"42":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":3,"docs":{"35":{"tf":3.3166247903554},"41":{"tf":3.0},"42":{"tf":2.8284271247461903}}}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"h":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.4142135623730951}},"s":{"<":{"'":{"_":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"<":{"'":{"_":{"df":2,"docs":{"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"a":{"df":3,"docs":{"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"42":{"tf":1.0}}}}}}}},"n":{"^":{"2":{"df":2,"docs":{"13":{"tf":1.0},"52":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"a":{"b":{"df":0,"docs":{},"l":{"a":{"df":1,"docs":{"17":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"b":{"df":0,"docs":{},"r":{"a":{":":{":":{"d":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":18,"docs":{"2":{"tf":1.4142135623730951},"24":{"tf":1.7320508075688772},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"4":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":4,"docs":{"24":{"tf":1.0},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"v":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"1":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":3,"docs":{"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"t":{"df":4,"docs":{"24":{"tf":1.0},"35":{"tf":1.7320508075688772},"36":{"tf":1.0},"37":{"tf":1.0}}}},"df":9,"docs":{"24":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"{":{"d":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":1,"docs":{"26":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":3,"docs":{"24":{"tf":1.0},"46":{"tf":1.0},"52":{"tf":1.0}},"l":{"df":0,"docs":{},"u":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":6,"docs":{"29":{"tf":1.0},"32":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":6,"docs":{"29":{"tf":1.0},"32":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"m":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"!":{"(":{"\"":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"df":1,"docs":{"20":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":1,"docs":{"53":{"tf":1.0}}}},"n":{"df":1,"docs":{"45":{"tf":1.7320508075688772}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"51":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"r":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"37":{"tf":1.0}}}}}},"df":3,"docs":{"13":{"tf":2.0},"52":{"tf":1.7320508075688772},"54":{"tf":1.0}},"e":{"c":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"35":{"tf":1.0}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"25":{"tf":1.0}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"d":{"df":20,"docs":{"1":{"tf":1.0},"12":{"tf":1.0},"13":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.0},"24":{"tf":1.0},"31":{"tf":1.4142135623730951},"32":{"tf":1.0},"34":{"tf":2.23606797749979},"38":{"tf":1.0},"39":{"tf":1.0},"40":{"tf":2.0},"45":{"tf":1.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.0},"50":{"tf":1.4142135623730951},"53":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"g":{"df":3,"docs":{"16":{"tf":1.0},"17":{"tf":1.7320508075688772},"4":{"tf":1.0}},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}},"w":{"_":{"df":0,"docs":{},"w":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"47":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}}}}},"df":13,"docs":{"1":{"tf":1.0},"2":{"tf":1.4142135623730951},"24":{"tf":1.7320508075688772},"3":{"tf":1.4142135623730951},"31":{"tf":1.0},"35":{"tf":1.4142135623730951},"37":{"tf":1.0},"4":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"47":{"tf":1.0},"50":{"tf":1.0},"7":{"tf":1.0}}},"x":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"20":{"tf":2.0}}}}}},"df":0,"docs":{}}}}}}}},"df":5,"docs":{"1":{"tf":1.0},"3":{"tf":1.0},"35":{"tf":1.0},"5":{"tf":1.0},"8":{"tf":1.0}}}}},"g":{"df":1,"docs":{"6":{"tf":2.0}}},"o":{"d":{"df":0,"docs":{},"e":{"df":2,"docs":{"8":{"tf":1.4142135623730951},"9":{"tf":1.0}}}},"df":0,"docs":{},"n":{"df":6,"docs":{"13":{"tf":1.4142135623730951},"25":{"tf":1.4142135623730951},"34":{"tf":1.0},"35":{"tf":1.7320508075688772},"46":{"tf":1.4142135623730951},"6":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":8,"docs":{"20":{"tf":1.0},"34":{"tf":1.0},"35":{"tf":1.7320508075688772},"36":{"tf":1.0},"40":{"tf":2.0},"41":{"tf":2.6457513110645907},"42":{"tf":2.8284271247461903},"45":{"tf":1.0}},"j":{"a":{"c":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"n":{"df":2,"docs":{"35":{"tf":1.7320508075688772},"45":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"r":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"32":{"tf":1.0},"5":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"t":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":4,"docs":{"40":{"tf":1.0},"45":{"tf":1.0},"47":{"tf":1.0},"50":{"tf":1.0}}}},"u":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":5,"docs":{"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":2.449489742783178},"42":{"tf":2.449489742783178}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"w":{"df":8,"docs":{"18":{"tf":1.0},"2":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0},"38":{"tf":1.0},"42":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0}}}},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":5,"docs":{"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":2.449489742783178},"42":{"tf":2.449489742783178}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":5,"docs":{"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":2.449489742783178},"42":{"tf":2.449489742783178}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"m":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":6,"docs":{"13":{"tf":1.0},"35":{"tf":1.0},"45":{"tf":1.0},"48":{"tf":1.0},"52":{"tf":2.0},"53":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"13":{"tf":1.0}}}}}}},"o":{"b":{"df":0,"docs":{},"j":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"40":{"tf":1.0},"45":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"v":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"32":{"tf":1.0}}}}},"df":0,"docs":{}}},"c":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":5,"docs":{"0":{"tf":1.4142135623730951},"16":{"tf":1.4142135623730951},"22":{"tf":1.0},"5":{"tf":2.0},"7":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"p":{"df":1,"docs":{"18":{"tf":1.0}}}},"d":{"df":38,"docs":{"0":{"tf":4.47213595499958},"1":{"tf":4.0},"10":{"tf":2.0},"11":{"tf":1.0},"12":{"tf":1.0},"13":{"tf":1.4142135623730951},"14":{"tf":1.7320508075688772},"15":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"19":{"tf":1.0},"2":{"tf":2.6457513110645907},"20":{"tf":1.0},"22":{"tf":2.0},"24":{"tf":2.23606797749979},"25":{"tf":1.0},"26":{"tf":1.0},"3":{"tf":3.872983346207417},"30":{"tf":1.0},"31":{"tf":1.7320508075688772},"33":{"tf":1.0},"34":{"tf":1.0},"38":{"tf":1.7320508075688772},"39":{"tf":1.0},"4":{"tf":2.23606797749979},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"49":{"tf":1.0},"5":{"tf":3.0},"51":{"tf":1.0},"52":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":2.0},"7":{"tf":2.23606797749979},"8":{"tf":2.8284271247461903},"9":{"tf":1.0}},"e":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"df":16,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"23":{"tf":1.7320508075688772},"24":{"tf":1.7320508075688772},"26":{"tf":1.0},"28":{"tf":1.0},"31":{"tf":1.0},"33":{"tf":1.0},"34":{"tf":1.4142135623730951},"4":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"m":{">":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{"(":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"p":{"(":{"[":{"1":{".":{"0":{"]":{")":{".":{"b":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"d":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{"(":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":18,"docs":{"15":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"4":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"<":{"'":{"_":{">":{">":{":":{":":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"h":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"a":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":3,"docs":{"39":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.0}}}}}}}}}}},"df":9,"docs":{"2":{"tf":1.0},"20":{"tf":1.0},"23":{"tf":1.0},"34":{"tf":1.0},"39":{"tf":1.7320508075688772},"40":{"tf":1.7320508075688772},"41":{"tf":2.23606797749979},"42":{"tf":1.7320508075688772},"45":{"tf":1.0}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"d":{"df":12,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"32":{"tf":1.7320508075688772},"4":{"tf":1.0},"44":{"tf":1.0},"48":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":2,"docs":{"46":{"tf":1.0},"47":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"t":{"df":4,"docs":{"32":{"tf":1.4142135623730951},"44":{"tf":1.0},"47":{"tf":1.4142135623730951},"50":{"tf":1.0}},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":5,"docs":{"20":{"tf":1.0},"29":{"tf":1.4142135623730951},"50":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}}}}}}}}}}},"df":0,"docs":{},"h":{"df":0,"docs":{},"m":{"'":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}}},"k":{"(":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{":":{":":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":5,"docs":{"20":{"tf":1.0},"29":{"tf":1.0},"50":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}}}}}}}}}},"df":0,"docs":{}}}}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"d":{"(":{"_":{"df":1,"docs":{"50":{"tf":1.0}}},"df":0,"docs":{},"t":{"df":3,"docs":{"20":{"tf":1.0},"29":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"t":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"c":{"df":0,"docs":{},"h":{"df":5,"docs":{"20":{"tf":1.0},"29":{"tf":1.0},"50":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}}}}}}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"g":{"a":{"df":1,"docs":{"9":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}},"n":{"c":{"df":7,"docs":{"16":{"tf":1.0},"26":{"tf":1.0},"32":{"tf":1.0},"34":{"tf":1.0},"44":{"tf":1.0},"46":{"tf":1.0},"50":{"tf":1.0}}},"df":12,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"12":{"tf":1.0},"20":{"tf":1.0},"28":{"tf":1.4142135623730951},"36":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.0},"46":{"tf":1.0},"6":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.0}}},"p":{"df":7,"docs":{"34":{"tf":1.0},"35":{"tf":2.0},"36":{"tf":1.0},"37":{"tf":1.0},"39":{"tf":1.0},"41":{"tf":2.6457513110645907},"42":{"tf":2.6457513110645907}},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"18":{"tf":1.0}}},"r":{"df":4,"docs":{"16":{"tf":1.0},"20":{"tf":1.0},"34":{"tf":1.0},"45":{"tf":1.0}}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"4":{"tf":1.0}}}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"30":{"tf":1.0}}},"o":{"df":0,"docs":{},"n":{"<":{"<":{"df":0,"docs":{},"m":{"df":0,"docs":{},"y":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":2,"docs":{"41":{"tf":1.7320508075688772},"42":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":2,"docs":{"22":{"tf":1.7320508075688772},"24":{"tf":1.0}}}}}}},"r":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":9,"docs":{"0":{"tf":3.0},"1":{"tf":3.0},"2":{"tf":2.0},"3":{"tf":3.7416573867739413},"4":{"tf":1.7320508075688772},"40":{"tf":1.4142135623730951},"50":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772}}}},"i":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":4,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"43":{"tf":1.0},"8":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"g":{"a":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"52":{"tf":1.0}}}}}}},"s":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":1,"docs":{"20":{"tf":1.0}}}}}}},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":8,"docs":{"11":{"tf":1.0},"20":{"tf":1.7320508075688772},"34":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"53":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":8,"docs":{"18":{"tf":1.7320508075688772},"20":{"tf":1.4142135623730951},"22":{"tf":1.4142135623730951},"35":{"tf":1.0},"40":{"tf":1.0},"45":{"tf":1.4142135623730951},"49":{"tf":1.0},"53":{"tf":1.7320508075688772}}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":7,"docs":{"12":{"tf":1.0},"13":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"49":{"tf":1.0},"5":{"tf":1.0}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.4142135623730951}}}}}}}}},"r":{"df":0,"docs":{},"i":{"d":{"df":1,"docs":{"50":{"tf":1.0}}},"df":0,"docs":{}}}}}}},"p":{"(":{"[":{"1":{".":{"0":{"df":2,"docs":{"20":{"tf":1.0},"44":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"!":{"[":{"1":{".":{"0":{"df":12,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"42":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"[":{"0":{"df":11,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"32":{"tf":2.449489742783178},"45":{"tf":2.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178}}},"1":{"df":11,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":1.4142135623730951},"31":{"tf":2.23606797749979},"32":{"tf":3.1622776601683795},"45":{"tf":2.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178}}},"df":0,"docs":{}},"a":{"c":{"df":0,"docs":{},"k":{"a":{"df":0,"docs":{},"g":{"df":2,"docs":{"10":{"tf":1.0},"11":{"tf":3.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"c":{"!":{"(":{"\"":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"50":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":2,"docs":{"29":{"tf":1.0},"50":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"20":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}}},"w":{"df":1,"docs":{"29":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":11,"docs":{"16":{"tf":1.0},"2":{"tf":1.4142135623730951},"22":{"tf":1.0},"24":{"tf":2.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951},"32":{"tf":1.0},"40":{"tf":1.0},"44":{"tf":1.0},"52":{"tf":1.7320508075688772},"6":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"16":{"tf":1.0}},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"20":{"tf":1.0}}}}}}}}}},"df":0,"docs":{},"t":{"df":2,"docs":{"21":{"tf":1.0},"52":{"tf":2.0}},"i":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"10":{"tf":1.4142135623730951},"31":{"tf":1.4142135623730951}}}},"c":{"df":0,"docs":{},"l":{"df":4,"docs":{"16":{"tf":1.0},"17":{"tf":2.0},"18":{"tf":1.4142135623730951},"20":{"tf":1.4142135623730951}}},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":2,"docs":{"0":{"tf":1.0},"50":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":3,"docs":{"0":{"tf":1.0},"20":{"tf":1.0},"45":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"s":{"df":4,"docs":{"0":{"tf":1.0},"28":{"tf":1.0},"56":{"tf":1.0},"9":{"tf":1.4142135623730951}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"'":{"df":1,"docs":{"6":{"tf":1.0}}},"df":1,"docs":{"6":{"tf":1.0}}}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":1,"docs":{"45":{"tf":2.23606797749979}}}}}}}},"b":{"df":0,"docs":{},"p":{"df":0,"docs":{},"k":{"df":1,"docs":{"6":{"tf":1.0}}}}},"d":{"df":1,"docs":{"6":{"tf":1.4142135623730951}},"e":{"df":12,"docs":{"10":{"tf":2.8284271247461903},"11":{"tf":1.7320508075688772},"12":{"tf":1.4142135623730951},"13":{"tf":1.0},"14":{"tf":1.0},"15":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"19":{"tf":1.0},"20":{"tf":1.0},"25":{"tf":1.0}}}},"df":18,"docs":{"2":{"tf":1.0},"22":{"tf":3.0},"24":{"tf":3.1622776601683795},"25":{"tf":1.0},"26":{"tf":1.7320508075688772},"28":{"tf":2.6457513110645907},"29":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"32":{"tf":2.449489742783178},"35":{"tf":1.4142135623730951},"40":{"tf":2.449489742783178},"41":{"tf":3.605551275463989},"42":{"tf":3.605551275463989},"45":{"tf":2.449489742783178},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178}},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":8,"docs":{"16":{"tf":1.0},"21":{"tf":1.0},"23":{"tf":1.0},"27":{"tf":1.0},"51":{"tf":1.0},"53":{"tf":1.4142135623730951},"54":{"tf":1.0},"55":{"tf":2.0}}}}}},"i":{"df":0,"docs":{},"p":{"df":0,"docs":{},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":2.23606797749979}}}}}}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"1":{"tf":1.0}}}}}},"h":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"a":{"c":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"y":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"k":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.7320508075688772}}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"2":{"tf":2.23606797749979}}}}},"df":0,"docs":{},"y":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"c":{"df":8,"docs":{"0":{"tf":1.4142135623730951},"16":{"tf":2.449489742783178},"17":{"tf":1.0},"18":{"tf":1.0},"19":{"tf":1.0},"20":{"tf":1.7320508075688772},"3":{"tf":1.0},"8":{"tf":1.0}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}}},"i":{"df":0,"docs":{},"e":{"c":{"df":1,"docs":{"1":{"tf":1.0}}},"df":0,"docs":{}}},"k":{"df":1,"docs":{"6":{"tf":2.449489742783178}},"p":{"d":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}},"l":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":1,"docs":{"2":{"tf":2.0}}}},"s":{"df":0,"docs":{},"m":{"a":{"/":{"b":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{".":{"a":{"d":{"d":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}},"p":{"df":0,"docs":{},"h":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"e":{"d":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"q":{"_":{"c":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"t":{"df":0,"docs":{},"r":{"a":{"c":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"v":{"df":1,"docs":{"7":{"tf":1.0}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}}}}},"x":{"_":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"y":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"_":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"b":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"20":{"tf":1.0}}}}}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"r":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}},"df":0,"docs":{}}}},"h":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"15":{"tf":1.0}}}},"df":0,"docs":{}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}}}},"s":{"df":0,"docs":{},"p":{"df":1,"docs":{"4":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}},":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{")":{".":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"(":{"\"":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":8,"docs":{"15":{"tf":1.4142135623730951},"2":{"tf":2.8284271247461903},"20":{"tf":1.4142135623730951},"4":{"tf":1.4142135623730951},"56":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"7":{"tf":1.4142135623730951},"9":{"tf":1.7320508075688772}},"l":{"df":0,"docs":{},"i":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"o":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":5,"docs":{"13":{"tf":2.0},"14":{"tf":1.0},"45":{"tf":1.0},"52":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951}}}}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"51":{"tf":1.0}}}},"df":3,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":2.6457513110645907},"2":{"tf":4.898979485566356}}}}},"r":{"df":0,"docs":{},"t":{"df":2,"docs":{"21":{"tf":1.0},"53":{"tf":1.0}}}},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":7,"docs":{"12":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.7320508075688772},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951}}}},"s":{"df":0,"docs":{},"i":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.0}}}}}}},"w":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"0":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"e":{"d":{"a":{"df":0,"docs":{},"t":{"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":5.5677643628300215},"52":{"tf":1.0}},"o":{"df":0,"docs":{},"r":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"d":{"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"2":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":1,"docs":{"2":{"tf":1.0}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"t":{"df":2,"docs":{"0":{"tf":1.0},"16":{"tf":1.0}}}},"df":0,"docs":{}}},"df":1,"docs":{"46":{"tf":1.4142135623730951}},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"13":{"tf":1.0}}}}},"s":{"c":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"b":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":2,"docs":{"21":{"tf":1.0},"54":{"tf":1.0}}}}}},"v":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":1,"docs":{"56":{"tf":1.0}}}}}},"y":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":3,"docs":{"0":{"tf":1.0},"2":{"tf":5.0},"52":{"tf":1.0}}}},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"21":{"tf":1.0},"8":{"tf":1.0}}}}},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.0}},"f":{"df":1,"docs":{"53":{"tf":1.0}}},"l":{"df":0,"docs":{},"n":{"!":{"(":{"\"":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"29":{"tf":1.0}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"45":{"tf":1.0}}}}}}},"o":{"b":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"56":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{".":{"b":{"d":{"df":0,"docs":{},"f":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"46":{"tf":1.0}},"s":{">":{"(":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":12,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"29":{"tf":1.0},"32":{"tf":1.4142135623730951},"4":{"tf":1.0},"44":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":0,"docs":{},"s":{">":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"46":{"tf":1.0},"47":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"n":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"(":{")":{".":{"c":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"(":{"df":0,"docs":{},"t":{"0":{"df":1,"docs":{"45":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"(":{")":{".":{"c":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"i":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"a":{"c":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"i":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"h":{"df":0,"docs":{},"s":{"(":{")":{".":{"df":0,"docs":{},"j":{"a":{"c":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"n":{"(":{"&":{"df":0,"docs":{},"y":{"0":{"df":1,"docs":{"45":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"f":{"a":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"n":{"(":{"1":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"p":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"3":{"4":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"s":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"t":{"0":{"df":1,"docs":{"45":{"tf":1.0}}},"df":0,"docs":{},"r":{"_":{"b":{"d":{"df":0,"docs":{},"f":{"2":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"<":{"df":0,"docs":{},"l":{"df":0,"docs":{},"s":{">":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"46":{"tf":1.0}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":45,"docs":{"1":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.7320508075688772},"20":{"tf":1.0},"21":{"tf":2.6457513110645907},"22":{"tf":1.0},"23":{"tf":2.0},"24":{"tf":2.8284271247461903},"25":{"tf":2.0},"26":{"tf":2.0},"27":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":1.4142135623730951},"30":{"tf":1.7320508075688772},"31":{"tf":2.449489742783178},"32":{"tf":2.8284271247461903},"33":{"tf":2.23606797749979},"34":{"tf":2.0},"35":{"tf":2.0},"36":{"tf":1.4142135623730951},"37":{"tf":1.4142135623730951},"38":{"tf":1.4142135623730951},"39":{"tf":1.4142135623730951},"4":{"tf":1.0},"40":{"tf":1.4142135623730951},"41":{"tf":1.4142135623730951},"42":{"tf":2.449489742783178},"43":{"tf":2.0},"44":{"tf":2.0},"45":{"tf":3.0},"46":{"tf":2.0},"47":{"tf":1.4142135623730951},"48":{"tf":2.0},"49":{"tf":3.3166247903554},"5":{"tf":1.0},"50":{"tf":2.23606797749979},"52":{"tf":3.605551275463989},"53":{"tf":3.1622776601683795},"54":{"tf":1.4142135623730951},"55":{"tf":3.0},"56":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.7320508075688772},"8":{"tf":1.0},"9":{"tf":1.0}}}}}},"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":6,"docs":{"1":{"tf":1.0},"16":{"tf":1.4142135623730951},"2":{"tf":1.0},"27":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.0}}}}}},"d":{"df":0,"docs":{},"u":{"c":{"df":1,"docs":{"5":{"tf":1.0}},"t":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"26":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"45":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"16":{"tf":1.4142135623730951}}}}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":3,"docs":{"1":{"tf":1.0},"2":{"tf":2.0},"4":{"tf":1.0}}}}}},"t":{"df":0,"docs":{},"o":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":1,"docs":{"6":{"tf":1.0}}}}},"df":0,"docs":{}}},"v":{"df":0,"docs":{},"i":{"d":{"df":18,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":1.0},"16":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.0},"24":{"tf":1.0},"26":{"tf":1.4142135623730951},"31":{"tf":1.0},"33":{"tf":1.0},"47":{"tf":1.4142135623730951},"48":{"tf":1.0},"49":{"tf":1.7320508075688772},"5":{"tf":1.7320508075688772},"52":{"tf":1.0},"53":{"tf":1.7320508075688772},"55":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}},"df":0,"docs":{}}}}},"u":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":1,"docs":{"53":{"tf":1.0}}}}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":2,"docs":{"0":{"tf":1.0},"21":{"tf":1.0}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":3,"docs":{"40":{"tf":1.0},"43":{"tf":1.0},"8":{"tf":1.0}}}}}},"t":{"df":3,"docs":{"2":{"tf":1.0},"26":{"tf":1.0},"38":{"tf":1.0}}}},"y":{"b":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"m":{"df":1,"docs":{"20":{"tf":1.7320508075688772}}}}},"df":0,"docs":{}},"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":5,"docs":{"11":{"tf":1.4142135623730951},"20":{"tf":1.0},"23":{"tf":1.0},"43":{"tf":1.0},"56":{"tf":1.0}}}}}}}},"q":{"_":{"c":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"q":{"_":{"c":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"df":1,"docs":{"6":{"tf":2.0}}},"df":0,"docs":{},"p":{"1":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"q":{"_":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"1":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"{":{"df":0,"docs":{},"p":{"1":{"df":1,"docs":{"6":{"tf":2.8284271247461903}}},"df":0,"docs":{}}}},"c":{"df":1,"docs":{"6":{"tf":2.0}}},"df":1,"docs":{"6":{"tf":1.4142135623730951}},"p":{"1":{"df":1,"docs":{"6":{"tf":2.449489742783178}}},"df":0,"docs":{}},"q":{"df":0,"docs":{},"u":{"a":{"d":{"df":2,"docs":{"17":{"tf":1.0},"19":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"u":{"a":{"d":{"df":2,"docs":{"17":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":1,"docs":{"30":{"tf":1.0}},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"t":{"df":1,"docs":{"6":{"tf":1.0}},"i":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}}}}}},"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"k":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"56":{"tf":1.0}}}}}},"df":0,"docs":{},"t":{"df":2,"docs":{"36":{"tf":1.0},"55":{"tf":1.0}}}}}},"r":{"(":{"df":0,"docs":{},"i":{"df":1,"docs":{"28":{"tf":2.23606797749979}}},"t":{"df":1,"docs":{"22":{"tf":1.0}}}},"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.0}}}},"a":{"d":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"16":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":3,"docs":{"0":{"tf":1.0},"20":{"tf":1.0},"8":{"tf":1.0}}}},"p":{"df":0,"docs":{},"i":{"d":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"20":{"tf":1.0}}}}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"e":{"df":9,"docs":{"1":{"tf":2.6457513110645907},"16":{"tf":1.4142135623730951},"18":{"tf":1.0},"2":{"tf":3.1622776601683795},"20":{"tf":1.4142135623730951},"24":{"tf":1.0},"6":{"tf":2.0},"8":{"tf":1.0},"9":{"tf":1.0}}},"i":{"df":0,"docs":{},"o":{"df":1,"docs":{"7":{"tf":1.0}}}}}},"df":10,"docs":{"23":{"tf":1.0},"24":{"tf":1.7320508075688772},"26":{"tf":1.7320508075688772},"28":{"tf":1.0},"31":{"tf":2.23606797749979},"35":{"tf":1.0},"43":{"tf":1.0},"44":{"tf":2.449489742783178},"56":{"tf":1.0},"9":{"tf":2.449489742783178}},"e":{"a":{"c":{"df":0,"docs":{},"h":{"df":4,"docs":{"20":{"tf":1.7320508075688772},"32":{"tf":1.0},"55":{"tf":1.0},"7":{"tf":1.0}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":3,"docs":{"16":{"tf":1.0},"18":{"tf":1.0},"6":{"tf":1.0}}}}}}},"d":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"29":{"tf":1.0}}}}}},"c":{"a":{"df":0,"docs":{},"l":{"df":2,"docs":{"31":{"tf":1.0},"8":{"tf":1.0}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"10":{"tf":1.0},"23":{"tf":1.0}}},"df":0,"docs":{}}}}}}},"d":{"df":0,"docs":{},"u":{"c":{"df":1,"docs":{"8":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":1,"docs":{"50":{"tf":1.0}},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":4,"docs":{"40":{"tf":1.0},"47":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.0}}}},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"5":{"tf":1.0}}}},"df":0,"docs":{}}},"r":{"a":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}},"g":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":3,"docs":{"13":{"tf":1.0},"20":{"tf":1.0},"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"l":{"a":{"df":0,"docs":{},"t":{"df":2,"docs":{"6":{"tf":1.0},"8":{"tf":1.0}},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"p":{"df":1,"docs":{"8":{"tf":1.0}}}}}}}}}}},"df":4,"docs":{"24":{"tf":1.4142135623730951},"43":{"tf":1.0},"53":{"tf":1.0},"54":{"tf":1.0}},"e":{"df":0,"docs":{},"v":{"df":1,"docs":{"13":{"tf":1.0}}}},"i":{"df":1,"docs":{"20":{"tf":1.0}}}},"m":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"v":{"df":1,"docs":{"53":{"tf":1.0}}}}},"p":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}},"e":{"d":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":7,"docs":{"13":{"tf":1.0},"2":{"tf":2.23606797749979},"24":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.0},"5":{"tf":1.0},"53":{"tf":1.0}}}},"o":{"d":{"df":0,"docs":{},"u":{"c":{"df":1,"docs":{"2":{"tf":1.4142135623730951}},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"q":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":6,"docs":{"1":{"tf":1.0},"26":{"tf":1.0},"40":{"tf":1.0},"5":{"tf":1.0},"55":{"tf":1.0},"6":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"i":{"d":{"df":0,"docs":{},"u":{"df":1,"docs":{"53":{"tf":1.0}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":2.6457513110645907}}}}}}},"p":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":9,"docs":{"1":{"tf":1.0},"24":{"tf":1.0},"3":{"tf":1.4142135623730951},"30":{"tf":1.0},"31":{"tf":2.0},"47":{"tf":1.0},"49":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}},"t":{"df":1,"docs":{"53":{"tf":1.0}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":2.0}}}}}}},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":5,"docs":{"10":{"tf":1.4142135623730951},"20":{"tf":1.0},"5":{"tf":1.0},"50":{"tf":1.0},"54":{"tf":2.0}}}}}},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":6,"docs":{"29":{"tf":1.4142135623730951},"32":{"tf":1.0},"40":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":2.23606797749979},"50":{"tf":2.0}}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"7":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":1,"docs":{"21":{"tf":1.0}}}}}},"w":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"3":{"tf":1.0},"7":{"tf":1.0}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":1,"docs":{"3":{"tf":1.0}}}}}}}}}},"h":{"df":7,"docs":{"34":{"tf":1.0},"35":{"tf":2.23606797749979},"36":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"45":{"tf":1.0},"53":{"tf":1.4142135623730951}},"s":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":9,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}}}},"df":0,"docs":{}}}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":2,"docs":{"31":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":8,"docs":{"18":{"tf":1.0},"22":{"tf":1.0},"26":{"tf":1.0},"31":{"tf":1.4142135623730951},"33":{"tf":1.0},"4":{"tf":1.0},"40":{"tf":1.4142135623730951},"6":{"tf":2.0}}}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"7":{"tf":1.0}}}}},"o":{"b":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"_":{"df":0,"docs":{},"o":{"d":{"df":3,"docs":{"52":{"tf":1.0},"53":{"tf":1.4142135623730951},"55":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":4,"docs":{"52":{"tf":1.4142135623730951},"53":{"tf":1.7320508075688772},"55":{"tf":1.0},"56":{"tf":1.0}}}}}}}}},"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"(":{"&":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"f":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}},"df":0,"docs":{},"|":{"df":0,"docs":{},"x":{"df":2,"docs":{"28":{"tf":1.0},"29":{"tf":1.0}}}}},"df":11,"docs":{"19":{"tf":1.0},"22":{"tf":1.4142135623730951},"27":{"tf":2.0},"28":{"tf":3.1622776601683795},"29":{"tf":2.0},"34":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0},"42":{"tf":1.0},"5":{"tf":1.0},"7":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"(":{"1":{"df":5,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"44":{"tf":1.0},"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":1,"docs":{"24":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":1,"docs":{"46":{"tf":1.0}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"56":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"t":{"df":7,"docs":{"2":{"tf":1.4142135623730951},"21":{"tf":1.7320508075688772},"23":{"tf":1.4142135623730951},"43":{"tf":1.4142135623730951},"53":{"tf":2.0},"54":{"tf":1.0},"56":{"tf":2.449489742783178}}}}},"v":{"df":1,"docs":{"24":{"tf":1.0}}},"}":{"\\":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"\\":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"{":{"df":0,"docs":{},"r":{"=":{"0":{"df":1,"docs":{"17":{"tf":1.0}}},"df":0,"docs":{},"r":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}},"s":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":10,"docs":{"1":{"tf":1.0},"11":{"tf":1.0},"40":{"tf":1.0},"47":{"tf":1.0},"52":{"tf":1.7320508075688772},"53":{"tf":2.0},"54":{"tf":1.0},"55":{"tf":1.4142135623730951},"56":{"tf":1.0},"9":{"tf":1.0}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":3,"docs":{"47":{"tf":1.0},"50":{"tf":1.0},"8":{"tf":1.0}}}}}}},"v":{"df":0,"docs":{},"e":{"df":3,"docs":{"20":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0}}}}},"c":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":1,"docs":{"7":{"tf":1.0}}}},"t":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"t":{".":{"c":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":2,"docs":{"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":2,"docs":{"20":{"tf":1.0},"7":{"tf":1.0}},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"2":{"tf":1.0},"6":{"tf":1.0}},"e":{".":{"c":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":3,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":6,"docs":{"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"k":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"11":{"tf":1.0}}}}}}},"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":2,"docs":{"46":{"tf":1.7320508075688772},"47":{"tf":1.0}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"46":{"tf":1.0}},"e":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"_":{"df":0,"docs":{},"w":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"46":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}}}}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}},"df":1,"docs":{"32":{"tf":1.0}},"e":{"c":{"df":1,"docs":{"20":{"tf":1.0}},"o":{"df":0,"docs":{},"n":{"d":{"df":6,"docs":{"1":{"tf":1.0},"2":{"tf":1.0},"3":{"tf":2.23606797749979},"4":{"tf":1.0},"50":{"tf":1.0},"7":{"tf":1.0}}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":10,"docs":{"0":{"tf":1.7320508075688772},"1":{"tf":1.0},"16":{"tf":1.0},"3":{"tf":1.0},"30":{"tf":1.0},"43":{"tf":1.0},"45":{"tf":1.4142135623730951},"5":{"tf":1.4142135623730951},"53":{"tf":1.0},"8":{"tf":1.0}}}}}}},"df":0,"docs":{},"e":{"df":7,"docs":{"13":{"tf":1.0},"2":{"tf":1.0},"24":{"tf":1.0},"42":{"tf":1.0},"43":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.0}},"n":{"df":3,"docs":{"55":{"tf":1.0},"56":{"tf":1.0},"8":{"tf":1.0}}}},"l":{"df":0,"docs":{},"f":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":1,"docs":{"37":{"tf":1.0}}}}},"df":0,"docs":{}},"p":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"y":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"(":{"df":0,"docs":{},"p":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":2,"docs":{"41":{"tf":2.23606797749979},"42":{"tf":2.23606797749979}}}},"df":4,"docs":{"35":{"tf":1.4142135623730951},"37":{"tf":1.4142135623730951},"41":{"tf":1.4142135623730951},"42":{"tf":1.4142135623730951}}}},"m":{"df":0,"docs":{},"i":{"df":1,"docs":{"8":{"tf":1.7320508075688772}}}},"n":{"df":0,"docs":{},"s":{"_":{"a":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"32":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}}},"t":{"_":{"df":0,"docs":{},"o":{"df":1,"docs":{"32":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":4,"docs":{"30":{"tf":2.23606797749979},"31":{"tf":2.449489742783178},"32":{"tf":2.8284271247461903},"49":{"tf":1.4142135623730951}}}}}},"p":{"a":{"df":0,"docs":{},"r":{"df":1,"docs":{"53":{"tf":1.0}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"i":{"df":3,"docs":{"0":{"tf":1.0},"43":{"tf":1.0},"9":{"tf":1.0}}}},"t":{"_":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"s":{"(":{"&":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"50":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}},"df":14,"docs":{"0":{"tf":1.0},"1":{"tf":1.7320508075688772},"13":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"27":{"tf":1.0},"29":{"tf":1.0},"46":{"tf":2.0},"47":{"tf":1.0},"52":{"tf":1.4142135623730951},"53":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}},"u":{"df":0,"docs":{},"p":{"df":2,"docs":{"47":{"tf":1.0},"54":{"tf":1.0}}}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"2":{"tf":1.0},"52":{"tf":1.0}}}}}},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":4,"docs":{"16":{"tf":1.0},"2":{"tf":1.0},"49":{"tf":1.0},"8":{"tf":1.0}},"n":{"df":2,"docs":{"1":{"tf":1.0},"6":{"tf":1.0}}}}}},"i":{"d":{"df":0,"docs":{},"e":{"df":7,"docs":{"22":{"tf":1.0},"26":{"tf":1.0},"31":{"tf":1.4142135623730951},"33":{"tf":1.0},"4":{"tf":1.0},"40":{"tf":1.4142135623730951},"6":{"tf":1.0}}}},"df":0,"docs":{},"g":{"df":0,"docs":{},"n":{"df":1,"docs":{"4":{"tf":1.0}},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"c":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"55":{"tf":1.0}}}}}}},"df":2,"docs":{"40":{"tf":1.0},"53":{"tf":1.0}}},"df":0,"docs":{}}}}}},"m":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":6,"docs":{"16":{"tf":1.0},"2":{"tf":1.0},"23":{"tf":1.0},"36":{"tf":1.0},"51":{"tf":1.0},"55":{"tf":1.0}}}},"df":0,"docs":{}}},"p":{"df":0,"docs":{},"l":{"df":10,"docs":{"0":{"tf":2.0},"12":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.0},"3":{"tf":1.0},"43":{"tf":1.0},"49":{"tf":1.0},"56":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":4,"docs":{"0":{"tf":1.0},"10":{"tf":1.0},"2":{"tf":1.0},"24":{"tf":1.0}}}}},"i":{"c":{"df":1,"docs":{"45":{"tf":1.0}}},"df":0,"docs":{},"f":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"20":{"tf":1.0}}}}}}},"df":0,"docs":{}}}}}},"df":6,"docs":{"16":{"tf":1.7320508075688772},"17":{"tf":1.0},"18":{"tf":1.0},"19":{"tf":1.4142135623730951},"20":{"tf":2.0},"40":{"tf":1.0}}}}},"n":{"(":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"g":{"a":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}}},"df":0,"docs":{},"g":{"df":0,"docs":{},"l":{"df":6,"docs":{"13":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.4142135623730951},"18":{"tf":1.4142135623730951},"20":{"tf":1.4142135623730951},"50":{"tf":1.0}},"i":{"df":1,"docs":{"46":{"tf":1.0}}}},"u":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"r":{"df":2,"docs":{"25":{"tf":1.7320508075688772},"46":{"tf":1.0}}}},"df":0,"docs":{}}}},"h":{"df":1,"docs":{"18":{"tf":1.0}}},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"i":{"d":{"df":1,"docs":{"9":{"tf":1.0}}},"df":0,"docs":{}}}}}},"z":{"df":0,"docs":{},"e":{"df":8,"docs":{"13":{"tf":1.0},"24":{"tf":1.0},"47":{"tf":1.0},"50":{"tf":1.4142135623730951},"52":{"tf":2.0},"54":{"tf":1.0},"55":{"tf":1.0},"56":{"tf":1.0}}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"53":{"tf":1.4142135623730951},"55":{"tf":1.0}}}}}}}},"o":{"df":0,"docs":{},"w":{"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"df":0,"docs":{},"n":{"df":1,"docs":{"56":{"tf":1.0}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"23":{"tf":1.0},"54":{"tf":1.0},"55":{"tf":1.7320508075688772}}}},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"55":{"tf":1.0}}}}}}},"m":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":3,"docs":{"50":{"tf":1.0},"55":{"tf":1.4142135623730951},"56":{"tf":1.4142135623730951}},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"55":{"tf":1.0}}}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"l":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"p":{"(":{"df":0,"docs":{},"|":{"df":0,"docs":{},"v":{"df":1,"docs":{"15":{"tf":1.0}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":1,"docs":{"15":{"tf":1.0}},"u":{"df":0,"docs":{},"t":{"df":6,"docs":{"1":{"tf":1.0},"26":{"tf":1.0},"30":{"tf":1.4142135623730951},"31":{"tf":1.0},"49":{"tf":2.23606797749979},"50":{"tf":3.1622776601683795}}}},"v":{"df":31,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":2.0},"10":{"tf":2.0},"12":{"tf":1.0},"14":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":2.6457513110645907},"21":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.4142135623730951},"29":{"tf":1.7320508075688772},"3":{"tf":1.0},"32":{"tf":2.23606797749979},"4":{"tf":1.0},"43":{"tf":1.0},"46":{"tf":1.0},"47":{"tf":1.0},"48":{"tf":2.0},"49":{"tf":3.4641016151377544},"5":{"tf":1.7320508075688772},"50":{"tf":1.0},"52":{"tf":2.0},"53":{"tf":1.0},"54":{"tf":1.4142135623730951},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.0}},"e":{"_":{"a":{"d":{"df":0,"docs":{},"j":{"df":0,"docs":{},"o":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"49":{"tf":1.0}}}}}}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":1,"docs":{"49":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}},"df":0,"docs":{},"r":{"'":{"df":1,"docs":{"47":{"tf":1.0}}},".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}},"t":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"o":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"50":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"(":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"o":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"32":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"1":{"0":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"50":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"l":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"20":{"tf":1.0},"7":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"t":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"(":{"1":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"49":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"4":{"0":{".":{"0":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"t":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"44":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"_":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"(":{"&":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"15":{"tf":1.0},"49":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":1,"docs":{"32":{"tf":1.0}},"i":{"df":2,"docs":{"29":{"tf":1.0},"50":{"tf":1.0}}},"t":{"df":3,"docs":{"20":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951},"50":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"df":0,"docs":{}},"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"d":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}},"y":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"y":{"_":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"(":{"&":{"df":0,"docs":{},"i":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"[":{"0":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"(":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":2,"docs":{"32":{"tf":1.4142135623730951},"50":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":5,"docs":{"20":{"tf":1.0},"29":{"tf":1.0},"50":{"tf":1.4142135623730951},"6":{"tf":1.0},"7":{"tf":1.0}}}}}}},"df":25,"docs":{"1":{"tf":1.4142135623730951},"10":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.7320508075688772},"27":{"tf":1.0},"28":{"tf":1.7320508075688772},"29":{"tf":1.7320508075688772},"32":{"tf":1.4142135623730951},"4":{"tf":1.0},"44":{"tf":1.0},"46":{"tf":5.196152422706632},"47":{"tf":2.6457513110645907},"48":{"tf":1.0},"49":{"tf":1.7320508075688772},"5":{"tf":2.23606797749979},"50":{"tf":3.4641016151377544},"51":{"tf":1.4142135623730951},"52":{"tf":3.0},"53":{"tf":2.8284271247461903},"55":{"tf":2.449489742783178},"56":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"7":{"tf":1.7320508075688772},"9":{"tf":1.0}}}}}},"m":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"y":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}},"df":0,"docs":{}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}}}}}}}},"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":2,"docs":{"1":{"tf":1.0},"21":{"tf":1.0}}}}}}},"u":{"df":0,"docs":{},"r":{"c":{"df":1,"docs":{"9":{"tf":2.0}}},"df":0,"docs":{}}}},"p":{"a":{"c":{"df":0,"docs":{},"e":{"df":4,"docs":{"10":{"tf":1.0},"12":{"tf":1.0},"13":{"tf":1.0},"14":{"tf":1.0}}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":10,"docs":{"13":{"tf":1.4142135623730951},"14":{"tf":1.0},"20":{"tf":1.4142135623730951},"24":{"tf":1.4142135623730951},"43":{"tf":1.0},"45":{"tf":3.0},"46":{"tf":1.0},"52":{"tf":2.23606797749979},"53":{"tf":1.7320508075688772},"55":{"tf":1.0}},"e":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":2,"docs":{"15":{"tf":1.0},"20":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":2,"docs":{"15":{"tf":1.0},"20":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":2.23606797749979}}}}}}},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":3,"docs":{"13":{"tf":1.0},"14":{"tf":1.0},"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"i":{"df":2,"docs":{"2":{"tf":2.6457513110645907},"52":{"tf":1.0}},"f":{"df":10,"docs":{"0":{"tf":1.4142135623730951},"17":{"tf":1.0},"2":{"tf":1.0},"23":{"tf":1.0},"24":{"tf":1.0},"43":{"tf":1.4142135623730951},"5":{"tf":2.23606797749979},"50":{"tf":1.4142135623730951},"6":{"tf":1.4142135623730951},"8":{"tf":1.0}},"i":{"df":34,"docs":{"11":{"tf":1.0},"2":{"tf":1.0},"21":{"tf":2.6457513110645907},"22":{"tf":2.0},"23":{"tf":2.0},"24":{"tf":2.23606797749979},"25":{"tf":1.0},"26":{"tf":1.4142135623730951},"27":{"tf":1.0},"28":{"tf":2.0},"29":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":2.0},"32":{"tf":1.4142135623730951},"33":{"tf":1.4142135623730951},"34":{"tf":1.4142135623730951},"35":{"tf":2.0},"36":{"tf":1.4142135623730951},"37":{"tf":1.0},"38":{"tf":1.7320508075688772},"39":{"tf":1.4142135623730951},"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.0},"43":{"tf":2.0},"44":{"tf":1.7320508075688772},"45":{"tf":2.449489742783178},"46":{"tf":1.0},"49":{"tf":1.0},"50":{"tf":2.0},"6":{"tf":2.0},"7":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.4142135623730951}}}}},"t":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"10":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"d":{"df":1,"docs":{"56":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"m":{"df":3,"docs":{"16":{"tf":1.4142135623730951},"17":{"tf":1.0},"20":{"tf":1.0}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":3,"docs":{"0":{"tf":1.4142135623730951},"3":{"tf":1.0},"4":{"tf":2.8284271247461903}}}}}}},"q":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"{":{"c":{"_":{"df":0,"docs":{},"e":{"df":1,"docs":{"18":{"tf":1.0}}},"i":{"(":{"df":0,"docs":{},"r":{"=":{"df":0,"docs":{},"r":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"^":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"x":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"t":{"a":{"df":0,"docs":{},"n":{"d":{"a":{"df":0,"docs":{},"r":{"d":{"df":3,"docs":{"1":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.4142135623730951}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"t":{"df":4,"docs":{"1":{"tf":1.0},"2":{"tf":1.0},"45":{"tf":1.0},"55":{"tf":1.0}}}},"t":{"df":0,"docs":{},"e":{".":{"a":{"df":0,"docs":{},"s":{"_":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"47":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":18,"docs":{"0":{"tf":1.4142135623730951},"1":{"tf":3.0},"17":{"tf":1.4142135623730951},"18":{"tf":1.0},"20":{"tf":1.0},"22":{"tf":1.7320508075688772},"24":{"tf":2.0},"3":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"35":{"tf":1.0},"46":{"tf":2.8284271247461903},"47":{"tf":3.4641016151377544},"49":{"tf":2.449489742783178},"5":{"tf":2.23606797749979},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":2.0},"8":{"tf":2.0}},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":1,"docs":{"47":{"tf":1.0}},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"47":{"tf":1.0}}}}}}}}}}},"d":{":":{":":{"df":0,"docs":{},"f":{"df":7,"docs":{"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}},"s":{":":{":":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"d":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"(":{"\"":{".":{".":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"r":{"c":{"/":{"df":0,"docs":{},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"r":{"c":{"/":{"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"df":0,"docs":{},"m":{".":{"d":{"df":0,"docs":{},"s":{"\"":{")":{".":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":6,"docs":{"24":{"tf":1.0},"29":{"tf":1.4142135623730951},"32":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"50":{"tf":4.0},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":3,"docs":{"46":{"tf":1.0},"52":{"tf":1.0},"55":{"tf":1.0}}}},"l":{"df":0,"docs":{},"l":{"df":1,"docs":{"23":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"18":{"tf":1.0}}}}}}}}}}},"df":0,"docs":{}},"p":{"df":8,"docs":{"19":{"tf":1.7320508075688772},"20":{"tf":1.7320508075688772},"27":{"tf":1.0},"28":{"tf":1.7320508075688772},"29":{"tf":1.4142135623730951},"5":{"tf":1.0},"50":{"tf":2.0},"7":{"tf":1.4142135623730951}}},"r":{"df":0,"docs":{},"e":{"df":2,"docs":{"37":{"tf":1.0},"40":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":1,"docs":{"56":{"tf":1.0}}}}},"u":{"c":{"df":0,"docs":{},"t":{"df":20,"docs":{"23":{"tf":1.7320508075688772},"24":{"tf":1.7320508075688772},"26":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":2.23606797749979},"34":{"tf":2.23606797749979},"35":{"tf":3.3166247903554},"36":{"tf":1.4142135623730951},"37":{"tf":1.7320508075688772},"38":{"tf":1.4142135623730951},"39":{"tf":1.4142135623730951},"40":{"tf":3.7416573867739413},"41":{"tf":3.0},"42":{"tf":3.0},"44":{"tf":2.23606797749979},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":2.23606797749979},"50":{"tf":1.4142135623730951}},"u":{"df":0,"docs":{},"r":{"df":3,"docs":{"23":{"tf":1.0},"33":{"tf":1.0},"35":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"u":{"b":{"df":0,"docs":{},"j":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"17":{"tf":1.0}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"c":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":2,"docs":{"29":{"tf":1.0},"50":{"tf":1.0}}}}}},"df":0,"docs":{},"h":{"df":9,"docs":{"0":{"tf":1.0},"16":{"tf":1.0},"2":{"tf":1.0},"25":{"tf":1.0},"28":{"tf":1.0},"30":{"tf":1.0},"5":{"tf":1.0},"6":{"tf":1.0},"8":{"tf":1.0}}}},"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}}}},"i":{"df":0,"docs":{},"t":{"a":{"b":{"df":0,"docs":{},"l":{"df":3,"docs":{"13":{"tf":1.0},"33":{"tf":1.0},"46":{"tf":1.0}}}},"df":0,"docs":{}},"df":1,"docs":{"51":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"52":{"tf":1.0}}}}},"df":0,"docs":{}}}}}},"m":{"df":1,"docs":{"9":{"tf":1.0}}},"n":{"d":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":6,"docs":{"51":{"tf":1.0},"52":{"tf":2.8284271247461903},"53":{"tf":3.0},"54":{"tf":1.4142135623730951},"55":{"tf":2.449489742783178},"56":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"_":{"b":{"a":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"52":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":1,"docs":{"52":{"tf":1.0}}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"52":{"tf":1.4142135623730951}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"df":1,"docs":{"7":{"tf":1.0}}},"f":{"a":{"c":{"df":4,"docs":{"15":{"tf":1.0},"16":{"tf":1.0},"17":{"tf":1.7320508075688772},"18":{"tf":1.0}},"e":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{"df":0,"docs":{},"z":{")":{".":{"df":0,"docs":{},"x":{"(":{"df":0,"docs":{},"x":{")":{".":{"df":0,"docs":{},"y":{"(":{"df":0,"docs":{},"i":{"df":1,"docs":{"15":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"y":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"x":{"df":2,"docs":{"2":{"tf":1.0},"43":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"'":{"df":1,"docs":{"0":{"tf":1.0}}},".":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"l":{"df":1,"docs":{"4":{"tf":1.0}}}}}}},"df":26,"docs":{"0":{"tf":3.4641016151377544},"1":{"tf":3.0},"10":{"tf":1.4142135623730951},"13":{"tf":1.0},"14":{"tf":1.4142135623730951},"2":{"tf":2.8284271247461903},"26":{"tf":1.4142135623730951},"3":{"tf":2.449489742783178},"34":{"tf":1.4142135623730951},"38":{"tf":2.0},"39":{"tf":1.4142135623730951},"4":{"tf":3.0},"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.0},"43":{"tf":1.4142135623730951},"45":{"tf":2.0},"5":{"tf":3.0},"52":{"tf":1.0},"53":{"tf":1.4142135623730951},"55":{"tf":2.0},"56":{"tf":1.0},"6":{"tf":2.23606797749979},"7":{"tf":1.7320508075688772},"8":{"tf":2.0},"9":{"tf":2.0}}}}}}}},"t":{".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"0":{".":{"0":{"df":2,"docs":{"20":{"tf":1.0},"7":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"_":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"20":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"0":{"(":{"0":{".":{"0":{"df":4,"docs":{"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":2,"docs":{"24":{"tf":1.0},"45":{"tf":1.4142135623730951}}},"_":{"0":{"df":1,"docs":{"22":{"tf":1.0}}},"df":0,"docs":{},"o":{"df":2,"docs":{"32":{"tf":2.8284271247461903},"50":{"tf":2.23606797749979}}}},"a":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"u":{":":{":":{"<":{"df":0,"docs":{},"m":{">":{":":{":":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"_":{"b":{"d":{"df":0,"docs":{},"f":{"2":{"df":1,"docs":{"46":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"46":{"tf":2.8284271247461903}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"k":{"df":0,"docs":{},"e":{"df":3,"docs":{"20":{"tf":1.0},"26":{"tf":1.0},"35":{"tf":1.0}},"n":{"df":4,"docs":{"53":{"tf":1.0},"54":{"tf":1.4142135623730951},"55":{"tf":1.0},"6":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":25,"docs":{"1":{"tf":2.0},"12":{"tf":1.7320508075688772},"17":{"tf":1.0},"2":{"tf":1.7320508075688772},"20":{"tf":1.4142135623730951},"22":{"tf":1.0},"24":{"tf":2.8284271247461903},"26":{"tf":2.23606797749979},"28":{"tf":2.23606797749979},"29":{"tf":2.0},"3":{"tf":1.7320508075688772},"35":{"tf":3.3166247903554},"36":{"tf":2.0},"37":{"tf":2.23606797749979},"4":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":4.358898943540674},"42":{"tf":4.358898943540674},"44":{"tf":1.0},"45":{"tf":1.4142135623730951},"5":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":2.6457513110645907},"8":{"tf":2.23606797749979},"9":{"tf":2.23606797749979}},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":2,"docs":{"12":{"tf":1.4142135623730951},"14":{"tf":1.0}}}}}},"df":0,"docs":{}}}}},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":1,"docs":{"43":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"m":{"df":4,"docs":{"13":{"tf":1.7320508075688772},"2":{"tf":2.449489742783178},"8":{"tf":1.0},"9":{"tf":1.0}},"i":{"df":0,"docs":{},"n":{"df":4,"docs":{"16":{"tf":1.0},"18":{"tf":1.0},"19":{"tf":1.7320508075688772},"20":{"tf":1.7320508075688772}}}}}},"s":{"df":0,"docs":{},"t":{"df":2,"docs":{"52":{"tf":1.7320508075688772},"53":{"tf":1.4142135623730951}}}},"x":{"df":0,"docs":{},"t":{"df":2,"docs":{"13":{"tf":1.0},"6":{"tf":2.0}},"{":{"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"}":{"(":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":2,"docs":{"13":{"tf":1.0},"40":{"tf":1.4142135623730951}}}}}},"m":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"12":{"tf":1.0}}}},"df":0,"docs":{}}}},"i":{"c":{"df":0,"docs":{},"k":{"df":2,"docs":{"16":{"tf":1.0},"17":{"tf":1.0}}}},"df":0,"docs":{},"n":{"df":2,"docs":{"24":{"tf":1.0},"45":{"tf":1.0}}},"r":{"d":{"df":1,"docs":{"24":{"tf":1.0}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"e":{"df":1,"docs":{"23":{"tf":1.0}}},"s":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"d":{"df":2,"docs":{"19":{"tf":1.7320508075688772},"6":{"tf":1.0}}},"df":0,"docs":{}}}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":4,"docs":{"45":{"tf":1.0},"50":{"tf":1.0},"6":{"tf":1.0},"9":{"tf":1.7320508075688772}}}}}}},"u":{"df":6,"docs":{"1":{"tf":1.0},"21":{"tf":1.0},"26":{"tf":1.0},"43":{"tf":1.0},"8":{"tf":1.0},"9":{"tf":1.0}}}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":1,"docs":{"43":{"tf":1.0}}}}}}},"m":{"df":0,"docs":{},"e":{".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"0":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"df":31,"docs":{"0":{"tf":1.7320508075688772},"1":{"tf":2.23606797749979},"10":{"tf":1.0},"12":{"tf":1.7320508075688772},"15":{"tf":1.4142135623730951},"2":{"tf":1.7320508075688772},"20":{"tf":1.4142135623730951},"22":{"tf":1.7320508075688772},"24":{"tf":1.4142135623730951},"25":{"tf":1.0},"26":{"tf":1.0},"29":{"tf":1.0},"3":{"tf":1.7320508075688772},"31":{"tf":1.0},"32":{"tf":2.23606797749979},"4":{"tf":1.4142135623730951},"40":{"tf":1.4142135623730951},"44":{"tf":1.0},"45":{"tf":1.0},"47":{"tf":1.4142135623730951},"49":{"tf":2.6457513110645907},"5":{"tf":2.23606797749979},"50":{"tf":2.8284271247461903},"52":{"tf":1.0},"54":{"tf":2.8284271247461903},"55":{"tf":1.0},"56":{"tf":1.0},"6":{"tf":2.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.7320508075688772}},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"49":{"tf":1.0}}}}}}}},"s":{"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"df":1,"docs":{"6":{"tf":1.0}}}}}},"o":{"/":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":3,"docs":{"2":{"tf":1.0},"38":{"tf":1.0},"6":{"tf":1.0}}}}}},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"24":{"tf":1.7320508075688772},"50":{"tf":1.0},"53":{"tf":1.0}}}}},"o":{"df":0,"docs":{},"l":{"df":2,"docs":{"0":{"tf":1.0},"20":{"tf":1.0}}}},"p":{"df":1,"docs":{"9":{"tf":1.0}},"i":{"c":{"df":2,"docs":{"0":{"tf":1.0},"10":{"tf":1.0}}},"df":0,"docs":{}}},"t":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"52":{"tf":1.4142135623730951}}}},"df":0,"docs":{}},"x":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}}}},"r":{"_":{"b":{"d":{"df":0,"docs":{},"f":{"2":{"df":1,"docs":{"46":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"a":{"c":{"df":0,"docs":{},"e":{"df":1,"docs":{"15":{"tf":1.0}}}},"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"16":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":15,"docs":{"23":{"tf":1.0},"32":{"tf":1.7320508075688772},"34":{"tf":3.0},"35":{"tf":2.0},"36":{"tf":1.4142135623730951},"37":{"tf":1.4142135623730951},"39":{"tf":1.7320508075688772},"40":{"tf":2.8284271247461903},"41":{"tf":1.7320508075688772},"42":{"tf":1.0},"45":{"tf":1.0},"47":{"tf":1.7320508075688772},"48":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}}},"j":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"df":0,"docs":{}}},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"f":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":1,"docs":{"25":{"tf":1.0}}}}}},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}},"l":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}},"df":0,"docs":{}}}}},"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"0":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"56":{"tf":1.0}}},"df":0,"docs":{}}},"i":{"df":1,"docs":{"6":{"tf":1.0}},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"45":{"tf":1.0}}}}}}},"u":{"df":0,"docs":{},"e":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}}}},"s":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":4,"docs":{"2":{"tf":1.0},"4":{"tf":1.0},"49":{"tf":1.0},"9":{"tf":1.0}}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"n":{"df":1,"docs":{"18":{"tf":1.0}}}}},"w":{"df":0,"docs":{},"o":{"df":10,"docs":{"1":{"tf":2.0},"2":{"tf":2.23606797749979},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"5":{"tf":1.4142135623730951},"50":{"tf":1.0},"53":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951},"9":{"tf":1.4142135623730951}}}},"y":{"df":0,"docs":{},"p":{"df":0,"docs":{},"e":{"df":27,"docs":{"0":{"tf":1.0},"15":{"tf":1.7320508075688772},"2":{"tf":2.449489742783178},"20":{"tf":1.7320508075688772},"24":{"tf":3.3166247903554},"26":{"tf":1.4142135623730951},"28":{"tf":1.0},"29":{"tf":1.7320508075688772},"31":{"tf":1.0},"32":{"tf":2.0},"35":{"tf":3.872983346207417},"36":{"tf":2.449489742783178},"37":{"tf":2.449489742783178},"4":{"tf":1.7320508075688772},"40":{"tf":1.7320508075688772},"41":{"tf":5.0990195135927845},"42":{"tf":5.0990195135927845},"44":{"tf":2.23606797749979},"45":{"tf":2.8284271247461903},"46":{"tf":1.7320508075688772},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178},"53":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772},"9":{"tf":1.7320508075688772}}},"i":{"c":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}}},"u":{"(":{"df":0,"docs":{},"x":{"_":{"df":0,"docs":{},"i":{"df":1,"docs":{"13":{"tf":1.0}}}},"df":2,"docs":{"12":{"tf":1.0},"13":{"tf":1.4142135623730951}}}},"_":{"df":0,"docs":{},"i":{"df":7,"docs":{"15":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"j":{"df":1,"docs":{"15":{"tf":1.0}}},"n":{"(":{"df":0,"docs":{},"x":{"_":{"df":0,"docs":{},"n":{"^":{"df":1,"docs":{"18":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"p":{"(":{"df":0,"docs":{},"x":{"_":{"df":0,"docs":{},"p":{"^":{"df":1,"docs":{"18":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"{":{"df":0,"docs":{},"x":{"df":0,"docs":{},"x":{"df":1,"docs":{"13":{"tf":2.0}}}}}},"df":2,"docs":{"14":{"tf":1.4142135623730951},"44":{"tf":2.449489742783178}},"f":{"df":0,"docs":{},"l":{"df":1,"docs":{"11":{"tf":1.4142135623730951}}}},"n":{"c":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"30":{"tf":1.0}}}}}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"0":{"tf":1.0},"16":{"tf":1.0},"3":{"tf":1.0}},"l":{"df":0,"docs":{},"i":{"df":2,"docs":{"0":{"tf":1.0},"2":{"tf":1.0}}}},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"n":{"d":{"df":1,"docs":{"10":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"r":{"df":1,"docs":{"6":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":1,"docs":{"11":{"tf":1.0}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"m":{"df":1,"docs":{"16":{"tf":1.0}}}}}},"t":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"k":{"df":2,"docs":{"0":{"tf":1.0},"6":{"tf":1.0}}}}},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":5,"docs":{"20":{"tf":1.0},"32":{"tf":1.0},"50":{"tf":1.0},"55":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772}}}}},"w":{"df":0,"docs":{},"r":{"a":{"df":0,"docs":{},"p":{"df":20,"docs":{"15":{"tf":1.4142135623730951},"2":{"tf":1.4142135623730951},"20":{"tf":1.0},"24":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951},"4":{"tf":1.0},"42":{"tf":1.0},"44":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}},"p":{"d":{"a":{"df":0,"docs":{},"t":{"df":3,"docs":{"5":{"tf":1.4142135623730951},"7":{"tf":2.0},"8":{"tf":1.0}}}},"df":0,"docs":{}},"df":2,"docs":{"32":{"tf":1.0},"49":{"tf":1.0}},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"19":{"tf":1.0}}}}}},"s":{"df":50,"docs":{"0":{"tf":2.23606797749979},"1":{"tf":1.0},"10":{"tf":1.0},"11":{"tf":2.0},"12":{"tf":1.0},"13":{"tf":2.0},"14":{"tf":1.4142135623730951},"15":{"tf":1.7320508075688772},"16":{"tf":1.0},"19":{"tf":1.4142135623730951},"2":{"tf":3.4641016151377544},"20":{"tf":3.0},"21":{"tf":1.4142135623730951},"22":{"tf":1.4142135623730951},"23":{"tf":3.0},"24":{"tf":3.4641016151377544},"25":{"tf":1.0},"26":{"tf":2.0},"28":{"tf":2.23606797749979},"29":{"tf":2.0},"3":{"tf":1.0},"30":{"tf":1.0},"31":{"tf":2.449489742783178},"32":{"tf":3.0},"34":{"tf":1.4142135623730951},"35":{"tf":2.23606797749979},"36":{"tf":1.0},"37":{"tf":1.4142135623730951},"38":{"tf":1.0},"4":{"tf":2.23606797749979},"40":{"tf":1.0},"41":{"tf":1.4142135623730951},"42":{"tf":1.7320508075688772},"43":{"tf":2.23606797749979},"44":{"tf":3.0},"45":{"tf":3.0},"46":{"tf":3.1622776601683795},"47":{"tf":2.8284271247461903},"49":{"tf":2.8284271247461903},"5":{"tf":2.23606797749979},"50":{"tf":3.605551275463989},"52":{"tf":3.0},"53":{"tf":2.8284271247461903},"54":{"tf":1.0},"55":{"tf":1.4142135623730951},"56":{"tf":1.4142135623730951},"6":{"tf":2.6457513110645907},"7":{"tf":2.23606797749979},"8":{"tf":1.7320508075688772},"9":{"tf":2.0}},"e":{"c":{"a":{"df":0,"docs":{},"s":{"df":1,"docs":{"43":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"r":{"df":11,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"21":{"tf":1.0},"22":{"tf":1.0},"23":{"tf":2.0},"26":{"tf":1.0},"33":{"tf":1.0},"49":{"tf":1.7320508075688772},"5":{"tf":1.4142135623730951},"53":{"tf":1.4142135623730951},"8":{"tf":1.0}}}},"i":{"df":0,"docs":{},"z":{"df":5,"docs":{"35":{"tf":2.449489742783178},"36":{"tf":1.7320508075688772},"37":{"tf":1.7320508075688772},"41":{"tf":4.242640687119285},"42":{"tf":4.242640687119285}}}}},"}":{"df":0,"docs":{},"{":{"\\":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":2,"docs":{"12":{"tf":1.4142135623730951},"13":{"tf":1.4142135623730951}}}}}},"df":0,"docs":{}}},"d":{"df":0,"docs":{},"x":{"^":{"2":{"df":1,"docs":{"14":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"v":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"v":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"d":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{":":{":":{"<":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"<":{"df":0,"docs":{},"f":{"6":{"4":{">":{">":{"(":{")":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{":":{":":{"<":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"<":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"15":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"[":{"0":{"df":1,"docs":{"20":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"1":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"0":{".":{"2":{".":{"1":{"df":1,"docs":{"54":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"9":{"tf":1.4142135623730951}}},":":{":":{"df":0,"docs":{},"f":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"_":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"(":{"2":{"df":1,"docs":{"26":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}}},"f":{"df":0,"docs":{},"n":{"(":{"1":{"0":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}},"z":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"(":{"2":{"df":2,"docs":{"41":{"tf":1.0},"42":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"[":{"0":{"df":11,"docs":{"24":{"tf":1.0},"26":{"tf":1.7320508075688772},"28":{"tf":1.0},"29":{"tf":1.0},"31":{"tf":1.4142135623730951},"32":{"tf":2.0},"35":{"tf":1.0},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772}}},"1":{"df":3,"docs":{"26":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.4142135623730951}}},"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":1.4142135623730951}}}},"_":{"0":{"df":3,"docs":{"13":{"tf":1.0},"26":{"tf":1.7320508075688772},"9":{"tf":1.0}}},"1":{"df":2,"docs":{"13":{"tf":1.0},"26":{"tf":1.0}}},"2":{"df":1,"docs":{"13":{"tf":1.0}}},"c":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":1,"docs":{"9":{"tf":1.7320508075688772}},"i":{"df":1,"docs":{"13":{"tf":1.0}}},"k":{"df":1,"docs":{"31":{"tf":1.4142135623730951}}},"r":{"df":1,"docs":{"31":{"tf":1.4142135623730951}}},"s":{"(":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}},"df":0,"docs":{}},"{":{"\\":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"t":{"df":0,"docs":{},"{":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"x":{"df":1,"docs":{"19":{"tf":1.4142135623730951}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"19":{"tf":1.4142135623730951}}}}}}}}}}},"df":0,"docs":{},"i":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"n":{"+":{"1":{"df":1,"docs":{"13":{"tf":1.0}}},"df":0,"docs":{}},"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"p":{"1":{"df":1,"docs":{"6":{"tf":1.4142135623730951}}},"df":0,"docs":{}}}},"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":10,"docs":{"2":{"tf":1.7320508075688772},"24":{"tf":1.0},"27":{"tf":1.0},"28":{"tf":1.4142135623730951},"45":{"tf":1.4142135623730951},"46":{"tf":2.0},"47":{"tf":1.4142135623730951},"53":{"tf":1.0},"55":{"tf":1.0},"8":{"tf":1.7320508075688772}}}},"r":{"df":0,"docs":{},"i":{"a":{"b":{"df":0,"docs":{},"l":{"df":11,"docs":{"1":{"tf":2.23606797749979},"18":{"tf":2.0},"20":{"tf":1.0},"26":{"tf":1.4142135623730951},"27":{"tf":1.0},"3":{"tf":2.0},"4":{"tf":1.0},"52":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"20":{"tf":1.0}}}}}}}},"c":{"df":1,"docs":{"6":{"tf":2.0}}},"d":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.7320508075688772}}}}},"df":24,"docs":{"18":{"tf":1.0},"19":{"tf":1.4142135623730951},"20":{"tf":1.7320508075688772},"24":{"tf":2.449489742783178},"26":{"tf":1.7320508075688772},"28":{"tf":1.0},"29":{"tf":1.0},"3":{"tf":2.0},"31":{"tf":3.3166247903554},"32":{"tf":2.0},"35":{"tf":3.7416573867739413},"36":{"tf":2.0},"37":{"tf":2.23606797749979},"4":{"tf":2.449489742783178},"40":{"tf":2.449489742783178},"41":{"tf":5.385164807134504},"42":{"tf":5.385164807134504},"45":{"tf":3.1622776601683795},"46":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.4142135623730951},"50":{"tf":1.7320508075688772},"7":{"tf":3.3166247903554},"9":{"tf":2.6457513110645907}},"e":{"c":{"!":{"[":{"(":{"0":{".":{"0":{"df":1,"docs":{"6":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"0":{".":{"0":{"df":1,"docs":{"49":{"tf":1.0}}},"6":{"df":1,"docs":{"20":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"df":3,"docs":{"20":{"tf":1.4142135623730951},"6":{"tf":1.7320508075688772},"7":{"tf":1.7320508075688772}}}}}},"df":0,"docs":{}},"<":{"_":{"df":3,"docs":{"2":{"tf":2.23606797749979},"4":{"tf":1.4142135623730951},"9":{"tf":1.4142135623730951}}},"d":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"<":{"df":0,"docs":{},"f":{"6":{"4":{"df":1,"docs":{"32":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}},"df":1,"docs":{"49":{"tf":1.7320508075688772}},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"r":{"df":18,"docs":{"1":{"tf":1.4142135623730951},"13":{"tf":1.4142135623730951},"14":{"tf":1.4142135623730951},"2":{"tf":1.0},"22":{"tf":1.7320508075688772},"24":{"tf":3.0},"26":{"tf":2.0},"3":{"tf":1.0},"31":{"tf":2.6457513110645907},"32":{"tf":2.0},"35":{"tf":1.7320508075688772},"40":{"tf":1.0},"45":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"52":{"tf":1.0},"53":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.23606797749979}}}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"c":{"df":3,"docs":{"3":{"tf":1.4142135623730951},"4":{"tf":1.7320508075688772},"7":{"tf":3.1622776601683795}}},"df":0,"docs":{}}},"r":{"b":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":1,"docs":{"21":{"tf":1.0}}}}},"df":0,"docs":{},"i":{"df":1,"docs":{"55":{"tf":1.0}}},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":2,"docs":{"44":{"tf":1.0},"53":{"tf":1.4142135623730951}}}}}}}},"i":{"a":{"df":6,"docs":{"0":{"tf":1.0},"26":{"tf":1.0},"28":{"tf":1.0},"52":{"tf":1.0},"8":{"tf":1.7320508075688772},"9":{"tf":1.0}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"18":{"tf":1.0}}}}},"t":{"a":{"df":0,"docs":{},"g":{"df":5,"docs":{"16":{"tf":1.0},"18":{"tf":1.0},"19":{"tf":1.4142135623730951},"20":{"tf":2.0},"9":{"tf":2.8284271247461903}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"a":{"df":1,"docs":{"2":{"tf":1.7320508075688772}}},"df":0,"docs":{}}}}},"u":{"df":0,"docs":{},"m":{"df":4,"docs":{"10":{"tf":1.0},"11":{"tf":1.0},"17":{"tf":1.0},"6":{"tf":1.4142135623730951}}}}}},"p":{"1":{"df":1,"docs":{"6":{"tf":1.7320508075688772}}},"df":0,"docs":{}},"s":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}},"}":{"df":0,"docs":{},"{":{"df":0,"docs":{},"l":{"df":1,"docs":{"9":{"tf":1.4142135623730951}}}}}},"w":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":10,"docs":{"21":{"tf":1.0},"23":{"tf":2.0},"27":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":1.0},"43":{"tf":1.4142135623730951},"44":{"tf":1.4142135623730951},"50":{"tf":1.0}}}},"y":{"df":7,"docs":{"10":{"tf":1.0},"24":{"tf":1.0},"33":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.0},"5":{"tf":1.7320508075688772},"50":{"tf":1.7320508075688772}}}},"df":0,"docs":{},"e":{"'":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":2,"docs":{"28":{"tf":1.0},"3":{"tf":1.0}}}},"v":{"df":2,"docs":{"36":{"tf":1.0},"38":{"tf":1.0}}}},"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":4,"docs":{"0":{"tf":1.0},"35":{"tf":1.0},"47":{"tf":1.0},"49":{"tf":1.0}}}}},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"a":{"df":1,"docs":{"24":{"tf":1.0}}},"df":0,"docs":{}}}}},"i":{"d":{"df":0,"docs":{},"e":{"df":3,"docs":{"0":{"tf":1.0},"20":{"tf":1.0},"8":{"tf":1.0}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"df":6,"docs":{"1":{"tf":1.0},"19":{"tf":1.0},"20":{"tf":1.0},"40":{"tf":1.0},"47":{"tf":1.4142135623730951},"50":{"tf":1.0}}}},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":2,"docs":{"1":{"tf":1.0},"23":{"tf":1.0}}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"47":{"tf":1.0}}}}}}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":1,"docs":{"53":{"tf":1.0}}}}},"r":{"a":{"df":0,"docs":{},"p":{"df":1,"docs":{"56":{"tf":1.0}},"p":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"24":{"tf":1.0},"45":{"tf":1.0}}}}}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":10,"docs":{"1":{"tf":1.7320508075688772},"14":{"tf":1.0},"15":{"tf":1.0},"2":{"tf":1.4142135623730951},"20":{"tf":1.7320508075688772},"4":{"tf":1.0},"43":{"tf":1.0},"6":{"tf":1.7320508075688772},"7":{"tf":1.0},"9":{"tf":1.4142135623730951}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":9,"docs":{"0":{"tf":1.4142135623730951},"2":{"tf":1.7320508075688772},"21":{"tf":1.0},"26":{"tf":1.0},"3":{"tf":1.4142135623730951},"4":{"tf":1.0},"56":{"tf":1.0},"7":{"tf":1.0},"8":{"tf":2.0}}}}}}},"o":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":1,"docs":{"53":{"tf":1.7320508075688772}}}}}}},"x":{")":{".":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{"(":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"d":{"df":0,"docs":{},"e":{":":{":":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":1,"docs":{"4":{"tf":1.0}},"e":{"df":0,"docs":{},"s":{")":{".":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"x":{"df":1,"docs":{"7":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"df":0,"docs":{}},".":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"h":{"(":{"df":0,"docs":{},"s":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{".":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"(":{")":{".":{"df":0,"docs":{},"y":{"[":{"0":{"df":1,"docs":{"7":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}}}}}}},"df":0,"docs":{}}}}}},"=":{"0":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"1":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"[":{"0":{"df":13,"docs":{"24":{"tf":1.7320508075688772},"26":{"tf":2.0},"28":{"tf":2.0},"29":{"tf":2.0},"31":{"tf":2.6457513110645907},"32":{"tf":3.7416573867739413},"35":{"tf":1.7320508075688772},"41":{"tf":2.23606797749979},"42":{"tf":2.23606797749979},"46":{"tf":1.7320508075688772},"47":{"tf":1.7320508075688772},"49":{"tf":2.449489742783178},"50":{"tf":3.0}}},"1":{"df":1,"docs":{"26":{"tf":1.0}}},"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":2.449489742783178}}}},"^":{"2":{"df":2,"docs":{"12":{"tf":1.0},"13":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"_":{"1":{"df":1,"docs":{"13":{"tf":1.7320508075688772}}},"2":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}},"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"(":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"t":{"df":6,"docs":{"2":{"tf":1.0},"20":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}},"x":{"df":2,"docs":{"15":{"tf":1.0},"2":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{},"i":{"^":{"df":1,"docs":{"18":{"tf":1.0}}},"df":0,"docs":{}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":1,"docs":{"4":{"tf":1.0}}}}}},"n":{"df":1,"docs":{"13":{"tf":1.4142135623730951}}}},"df":24,"docs":{"12":{"tf":1.0},"13":{"tf":1.7320508075688772},"15":{"tf":1.0},"2":{"tf":3.872983346207417},"24":{"tf":1.4142135623730951},"26":{"tf":1.4142135623730951},"28":{"tf":1.4142135623730951},"29":{"tf":1.4142135623730951},"3":{"tf":1.4142135623730951},"31":{"tf":1.7320508075688772},"32":{"tf":2.449489742783178},"35":{"tf":1.4142135623730951},"37":{"tf":1.4142135623730951},"4":{"tf":2.449489742783178},"41":{"tf":2.0},"42":{"tf":2.0},"45":{"tf":2.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178},"54":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":2.8284271247461903}}},"y":{"(":{"0":{"df":1,"docs":{"31":{"tf":1.0}}},"df":0,"docs":{},"t":{"_":{"0":{"df":1,"docs":{"22":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}}},".":{"df":0,"docs":{},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"v":{"(":{"1":{".":{"0":{"df":1,"docs":{"37":{"tf":1.0}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"/":{"df":0,"docs":{},"k":{"df":5,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":1.0},"28":{"tf":1.0},"31":{"tf":1.7320508075688772},"35":{"tf":1.0}}}},"0":{"df":2,"docs":{"2":{"tf":2.6457513110645907},"45":{"tf":1.0}}},"1":{"df":1,"docs":{"2":{"tf":2.8284271247461903}}},"2":{"df":1,"docs":{"2":{"tf":2.8284271247461903}}},"[":{"0":{"]":{".":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"x":{"(":{"df":0,"docs":{},"f":{"6":{"4":{":":{":":{"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"l":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"7":{"tf":1.0}}}}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}}},"df":0,"docs":{}},"df":15,"docs":{"24":{"tf":1.4142135623730951},"26":{"tf":2.0},"28":{"tf":1.7320508075688772},"29":{"tf":1.7320508075688772},"31":{"tf":2.0},"32":{"tf":2.8284271247461903},"35":{"tf":1.4142135623730951},"36":{"tf":1.0},"41":{"tf":2.23606797749979},"42":{"tf":2.23606797749979},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178},"7":{"tf":1.0}}},"1":{"df":2,"docs":{"26":{"tf":1.7320508075688772},"7":{"tf":1.4142135623730951}}},"df":0,"docs":{},"i":{"df":1,"docs":{"45":{"tf":2.0}}}},"^":{"2":{"df":1,"docs":{"31":{"tf":1.0}}},"df":0,"docs":{}},"_":{"0":{"(":{"df":0,"docs":{},"p":{"df":1,"docs":{"24":{"tf":1.4142135623730951}}},"t":{"_":{"0":{"df":1,"docs":{"22":{"tf":1.4142135623730951}}},"df":0,"docs":{}},"df":0,"docs":{}}},"/":{"df":0,"docs":{},"k":{"df":1,"docs":{"26":{"tf":1.4142135623730951}}}},"df":2,"docs":{"2":{"tf":2.449489742783178},"26":{"tf":1.7320508075688772}}},"1":{"df":1,"docs":{"26":{"tf":1.4142135623730951}}},"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"(":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"(":{"\"":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}},"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}}},"df":0,"docs":{},"i":{"df":1,"docs":{"2":{"tf":1.0}}},"p":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}}},"t":{"df":1,"docs":{"15":{"tf":1.0}}},"v":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"20":{"tf":1.0}}}},"df":0,"docs":{}}}}},"x":{"df":1,"docs":{"4":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":1,"docs":{"7":{"tf":1.0}}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":23,"docs":{"15":{"tf":1.0},"2":{"tf":3.872983346207417},"20":{"tf":1.0},"22":{"tf":2.8284271247461903},"24":{"tf":2.23606797749979},"25":{"tf":1.0},"26":{"tf":2.6457513110645907},"28":{"tf":3.0},"29":{"tf":1.7320508075688772},"31":{"tf":2.8284271247461903},"32":{"tf":2.8284271247461903},"35":{"tf":1.7320508075688772},"36":{"tf":1.0},"37":{"tf":1.0},"41":{"tf":2.23606797749979},"42":{"tf":2.23606797749979},"45":{"tf":2.0},"46":{"tf":1.4142135623730951},"47":{"tf":1.4142135623730951},"49":{"tf":2.0},"50":{"tf":2.449489742783178},"54":{"tf":1.0},"7":{"tf":1.0}},"s":{".":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"w":{"(":{"0":{")":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"d":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":3,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"9":{"tf":1.0}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"1":{")":{".":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"_":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":0,"docs":{},"e":{"d":{"(":{")":{".":{"c":{"df":0,"docs":{},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.4142135623730951}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}}},"df":0,"docs":{}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":4,"docs":{"2":{"tf":1.4142135623730951},"4":{"tf":1.0},"49":{"tf":1.0},"9":{"tf":1.0}}}},"z":{"(":{"df":0,"docs":{},"t":{"df":1,"docs":{"22":{"tf":1.0}}}},"_":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"(":{"a":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{":":{":":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"df":0,"docs":{},"w":{"(":{")":{".":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"(":{"\"":{"df":0,"docs":{},"u":{"df":1,"docs":{"15":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}}}},"df":0,"docs":{}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":0,"docs":{}}}}},"df":0,"docs":{}},"df":2,"docs":{"15":{"tf":1.0},"26":{"tf":1.7320508075688772}},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":9,"docs":{"13":{"tf":1.0},"27":{"tf":1.0},"28":{"tf":1.0},"31":{"tf":1.0},"45":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.4142135623730951},"8":{"tf":1.0},"9":{"tf":1.4142135623730951}},"t":{"df":0,"docs":{},"h":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}}},"title":{"root":{"a":{"df":0,"docs":{},"p":{"df":0,"docs":{},"i":{"df":2,"docs":{"21":{"tf":1.0},"23":{"tf":1.0}}},"p":{"df":0,"docs":{},"r":{"df":0,"docs":{},"o":{"df":0,"docs":{},"x":{"df":0,"docs":{},"i":{"df":0,"docs":{},"m":{"df":1,"docs":{"14":{"tf":1.0}}}}}}}}}},"b":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"l":{"df":1,"docs":{"7":{"tf":1.0}}}},"s":{"df":0,"docs":{},"e":{"df":1,"docs":{"16":{"tf":1.0}}}},"t":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"16":{"tf":1.0}}}}}}}},"d":{"df":0,"docs":{},"f":{"df":2,"docs":{"55":{"tf":1.0},"56":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"m":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"k":{"df":1,"docs":{"51":{"tf":1.0}}}}},"df":0,"docs":{}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"u":{"df":0,"docs":{},"n":{"c":{"df":1,"docs":{"7":{"tf":1.0}}},"df":0,"docs":{}}}}},"c":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"s":{"df":1,"docs":{"46":{"tf":1.0}}}}}},"i":{"df":0,"docs":{},"r":{"c":{"df":0,"docs":{},"u":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"9":{"tf":1.0}}}}}},"df":0,"docs":{}}},"o":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}}},"df":0,"docs":{}}},"n":{"d":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"19":{"tf":1.0}}}}},"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"a":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"36":{"tf":1.0}}}}},"df":0,"docs":{}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"x":{"df":0,"docs":{},"t":{"df":1,"docs":{"44":{"tf":1.0}}}}}}}},"r":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"42":{"tf":1.0}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"o":{"df":0,"docs":{},"m":{"df":1,"docs":{"33":{"tf":1.0}}}}}}}},"d":{"a":{"df":0,"docs":{},"e":{"df":1,"docs":{"8":{"tf":1.0}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":1,"docs":{"6":{"tf":1.0}}}}}}}},"t":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"29":{"tf":1.0}}}},"df":0,"docs":{}}}},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"f":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"13":{"tf":1.0}},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":1,"docs":{"10":{"tf":1.0}}}}}}}},"s":{"df":0,"docs":{},"l":{"df":3,"docs":{"43":{"tf":1.0},"44":{"tf":1.0},"56":{"tf":1.0}}},"o":{"df":0,"docs":{},"l":{"df":4,"docs":{"15":{"tf":1.0},"20":{"tf":1.0},"21":{"tf":1.0},"23":{"tf":1.0}}}}}}},"s":{"c":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"5":{"tf":1.0}}}}}},"df":0,"docs":{}}},"r":{"df":0,"docs":{},"u":{"df":0,"docs":{},"g":{"df":1,"docs":{"6":{"tf":1.0}}}}},"u":{"df":0,"docs":{},"r":{"df":0,"docs":{},"e":{"df":1,"docs":{"29":{"tf":1.0}}}}},"y":{"df":0,"docs":{},"n":{"a":{"df":0,"docs":{},"m":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"r":{"df":1,"docs":{"9":{"tf":1.0}}}}},"df":0,"docs":{}}},"q":{"df":0,"docs":{},"u":{"a":{"df":0,"docs":{},"t":{"df":5,"docs":{"10":{"tf":1.0},"12":{"tf":1.0},"17":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.0}}}},"df":0,"docs":{}}},"v":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":1,"docs":{"5":{"tf":1.0}}}}}},"x":{"a":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":6,"docs":{"12":{"tf":1.0},"26":{"tf":1.0},"4":{"tf":1.0},"6":{"tf":1.0},"7":{"tf":1.0},"9":{"tf":1.0}}}}}},"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}}},"df":0,"docs":{}}}}}},"f":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"d":{"df":2,"docs":{"27":{"tf":1.0},"28":{"tf":1.0}}},"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":1,"docs":{"13":{"tf":1.0}}}}},"r":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"1":{"tf":1.0}}}}}},"o":{"df":0,"docs":{},"r":{"df":0,"docs":{},"w":{"a":{"df":0,"docs":{},"r":{"d":{"df":1,"docs":{"30":{"tf":1.0}}},"df":0,"docs":{}}},"df":0,"docs":{}}}},"u":{"df":0,"docs":{},"n":{"c":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":4,"docs":{"28":{"tf":1.0},"35":{"tf":1.0},"36":{"tf":1.0},"37":{"tf":1.0}}}}}}},"df":0,"docs":{}}}},"g":{"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":1,"docs":{"40":{"tf":1.0}}}}},"h":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"12":{"tf":1.0}}}},"df":0,"docs":{}},"i":{"df":0,"docs":{},"g":{"df":0,"docs":{},"h":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":1,"docs":{"3":{"tf":1.0}}}}}}}},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"p":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"t":{"df":3,"docs":{"15":{"tf":1.0},"39":{"tf":1.0},"41":{"tf":1.0}}}}}}}}}},"n":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"s":{"df":1,"docs":{"47":{"tf":1.0}}}}}},"df":0,"docs":{}}}}}},"l":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"e":{"a":{"df":0,"docs":{},"r":{"df":2,"docs":{"35":{"tf":1.0},"37":{"tf":1.0}}}},"df":1,"docs":{"14":{"tf":1.0}}}}}},"m":{"a":{"df":0,"docs":{},"s":{"df":0,"docs":{},"s":{"df":3,"docs":{"25":{"tf":1.0},"4":{"tf":1.0},"8":{"tf":1.0}}}},"t":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"x":{"df":2,"docs":{"25":{"tf":1.0},"8":{"tf":1.0}}}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"t":{"df":0,"docs":{},"h":{"df":0,"docs":{},"o":{"d":{"df":3,"docs":{"13":{"tf":1.0},"14":{"tf":1.0},"53":{"tf":1.0}}},"df":0,"docs":{}}}}},"o":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"l":{"df":6,"docs":{"0":{"tf":1.0},"17":{"tf":1.0},"18":{"tf":1.0},"2":{"tf":1.0},"20":{"tf":1.0},"6":{"tf":1.0}}}}},"df":0,"docs":{}}},"n":{"df":0,"docs":{},"o":{"df":0,"docs":{},"n":{"df":1,"docs":{"35":{"tf":1.0}}}}},"o":{"d":{"df":6,"docs":{"0":{"tf":1.0},"1":{"tf":1.0},"22":{"tf":1.0},"24":{"tf":1.0},"3":{"tf":1.0},"38":{"tf":1.0}},"e":{"df":0,"docs":{},"e":{"df":0,"docs":{},"q":{"df":0,"docs":{},"u":{"df":2,"docs":{"39":{"tf":1.0},"41":{"tf":1.0}}}}}}},"df":0,"docs":{},"r":{"d":{"df":0,"docs":{},"e":{"df":0,"docs":{},"r":{"df":3,"docs":{"1":{"tf":1.0},"3":{"tf":1.0},"40":{"tf":1.0}}}}},"df":0,"docs":{}},"u":{"df":0,"docs":{},"t":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"18":{"tf":1.0}}}}}}}},"p":{"a":{"c":{"df":0,"docs":{},"k":{"a":{"df":0,"docs":{},"g":{"df":1,"docs":{"11":{"tf":1.0}}}},"df":0,"docs":{}}},"df":0,"docs":{},"r":{"df":0,"docs":{},"t":{"df":0,"docs":{},"i":{"a":{"df":0,"docs":{},"l":{"df":1,"docs":{"10":{"tf":1.0}}}},"c":{"df":0,"docs":{},"l":{"df":3,"docs":{"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0}}}},"df":0,"docs":{}}}}},"d":{"df":0,"docs":{},"e":{"df":1,"docs":{"10":{"tf":1.0}}}},"df":0,"docs":{},"h":{"df":0,"docs":{},"y":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"c":{"df":1,"docs":{"16":{"tf":1.0}}},"df":0,"docs":{}}}}},"o":{"df":0,"docs":{},"p":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"2":{"tf":1.0}}}}}},"r":{"df":0,"docs":{},"e":{"d":{"a":{"df":0,"docs":{},"t":{"df":1,"docs":{"2":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{},"y":{"df":1,"docs":{"2":{"tf":1.0}}}},"o":{"b":{"df":0,"docs":{},"l":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":10,"docs":{"21":{"tf":1.0},"23":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.0},"33":{"tf":1.0},"42":{"tf":1.0},"45":{"tf":1.0},"48":{"tf":1.0},"49":{"tf":1.0},"52":{"tf":1.0}}}}}},"df":0,"docs":{}}}},"r":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":0,"docs":{},"t":{"df":1,"docs":{"54":{"tf":1.0}}}}}}},"o":{"df":0,"docs":{},"o":{"df":0,"docs":{},"t":{"df":3,"docs":{"27":{"tf":1.0},"28":{"tf":1.0},"29":{"tf":1.0}}}}}},"s":{"df":0,"docs":{},"e":{"df":0,"docs":{},"n":{"df":0,"docs":{},"s":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":3,"docs":{"30":{"tf":1.0},"31":{"tf":1.0},"32":{"tf":1.0}}}}}}},"i":{"df":0,"docs":{},"m":{"df":0,"docs":{},"u":{"df":0,"docs":{},"l":{"df":1,"docs":{"16":{"tf":1.0}}}}},"n":{"df":0,"docs":{},"g":{"df":0,"docs":{},"l":{"df":3,"docs":{"17":{"tf":1.0},"18":{"tf":1.0},"20":{"tf":1.0}}}}}},"o":{"df":0,"docs":{},"l":{"df":0,"docs":{},"u":{"df":0,"docs":{},"t":{"df":1,"docs":{"50":{"tf":1.0}}}},"v":{"df":5,"docs":{"20":{"tf":1.0},"29":{"tf":1.0},"32":{"tf":1.0},"48":{"tf":1.0},"49":{"tf":1.0}},"e":{"df":0,"docs":{},"r":{"df":2,"docs":{"46":{"tf":1.0},"55":{"tf":1.0}}}}}}},"p":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"s":{"df":1,"docs":{"45":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"c":{"df":0,"docs":{},"i":{"df":0,"docs":{},"f":{"df":0,"docs":{},"i":{"df":3,"docs":{"21":{"tf":1.0},"28":{"tf":1.0},"31":{"tf":1.0}}}}}},"df":0,"docs":{}},"r":{"df":0,"docs":{},"i":{"df":0,"docs":{},"n":{"df":0,"docs":{},"g":{"df":1,"docs":{"4":{"tf":1.0}}}}}}},"t":{"a":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":1,"docs":{"17":{"tf":1.0}}}}},"df":0,"docs":{},"e":{"df":0,"docs":{},"p":{"df":1,"docs":{"50":{"tf":1.0}}}},"o":{"df":0,"docs":{},"p":{"df":1,"docs":{"19":{"tf":1.0}}}},"r":{"df":0,"docs":{},"u":{"c":{"df":0,"docs":{},"t":{"df":1,"docs":{"33":{"tf":1.0}}}},"df":0,"docs":{}}}},"y":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"m":{"df":2,"docs":{"38":{"tf":1.0},"4":{"tf":1.0}}}}}}}},"t":{"df":0,"docs":{},"e":{"df":0,"docs":{},"s":{"df":0,"docs":{},"t":{"df":1,"docs":{"52":{"tf":1.0}}}}},"r":{"a":{"df":0,"docs":{},"i":{"df":0,"docs":{},"t":{"df":4,"docs":{"34":{"tf":1.0},"39":{"tf":1.0},"40":{"tf":1.0},"41":{"tf":1.0}}}}},"df":0,"docs":{}}},"u":{"df":0,"docs":{},"s":{"df":2,"docs":{"11":{"tf":1.0},"20":{"tf":1.0}}}},"v":{"a":{"df":0,"docs":{},"r":{"df":0,"docs":{},"i":{"a":{"b":{"df":0,"docs":{},"l":{"df":1,"docs":{"18":{"tf":1.0}}}},"df":0,"docs":{}},"df":0,"docs":{}}}},"df":0,"docs":{},"i":{"a":{"df":1,"docs":{"8":{"tf":1.0}}},"df":0,"docs":{}}}}}},"lang":"English","pipeline":["trimmer","stopWordFilter","stemmer"],"ref":"id","version":"0.9.5"},"results_options":{"limit_results":30,"teaser_word_count":30},"search_options":{"bool":"OR","expand":true,"fields":{"body":{"boost":1},"breadcrumbs":{"boost":1},"title":{"boost":2}}}} \ No newline at end of file diff --git a/specify/specifying_the_problem.html b/specify/specifying_the_problem.html index 9f32d1f..77789ce 100644 --- a/specify/specifying_the_problem.html +++ b/specify/specifying_the_problem.html @@ -190,7 +190,7 @@

Dif