Bayesian inference allows us to learn a probability distribution over possible neural networks. We can approximately solve inference with a simple modification to standard neural network tools. The resulting algorithm mitigates overfitting, enables learning from small datasets, and tells us how uncertain our predictions are.

What’s wrong with neural networks?

You may have heard deep neural networks described as powerful function approximators. Their power is due to the extreme flexibility of having many model parameters (the weights and biases) whose values can be learned from data via gradient-based optimization. Because they are good at approximating functions (input-output relationships) when lots of data are available, neural networks are well-suited to artificial intelligence tasks like speech recognition and image classification.

But the extreme flexibility of neural networks has a downside: they are particularly vulnerable to overfitting. Overfitting happens when the learning algorithm does such a good job of tuning the model parameters for performance on the training set—by optimizing its objective function—that the performance on new examples suffers. Deep neural networks have a ton of parameters (typically millions in modern models), which essentially guarantees eventual overfitting because the learning algorithm can always do just a little bit better on the training set by tweaking some of the many knobs available to it. The flexibility of neural networks during training time actually makes them brittle at test time. This might sound surprising at first, but let’s look at the training procedure both mathematically and graphically (for a toy problem) to build some intuition around why deep neural networks overfit.

In standard neural network training we want to learn an input-to-output mapping

via a network

with weights

. We use a dataset of labeled examples

to minimize a loss function

with respect to the weights

:

Loss of our model on dataset

is squared error between the target label

and output of network with input

and weights

hyperparameter

sets importance of regularizing large weight values

.

This turns out to be equivalent to maximum likelihood training, in other words, maximizing the log probability of the data

and weights

:

Log-likelihood of dataset

under model

is log-probability of target label

under gaussian distribution

with mean given by output of network

and variance

.

and prior belief about weights given by log-probability of

under Gaussian

with

mean and hyperparameter-controlled variance

.

We train on the training dataset

, but evaluate on the test dataset. As we see in the demo below, the training objective function

is different from the test objective function

. Overfitting happens when we choose network weights

that do well on

but poorly on

. As we add more layers to the network, the problem gets worse.

Luckily, Bayesian neural networks address overfitting by modeling uncertainty in the weights. Plus they can be trained using standard neural net tools using an algorithm called stochastic variational inference, which we cover at the end of this tutorial. But first let’s explore why being Bayesian helps with overfitting.

Training log likelihood

w1w2

The neural network objective

is a function of both the weights and the dataset. Here we show

and

as a function of only two of the neuron weights, with the remaining weights fixed to pre-trained values. Redder is better. Use your mouse to change the values of the weights for these neurons. Notice how weight values affect both the training and test objectives (left, right) and the network predictions changes (below).

Training log likelihood

w1w2

Prediction function

. Red dots are training data, green are test.

When it comes to describe training, the last figure is somewhat deceptive, in that the background heatmap appear to be fixed. It only appear so because we fixed every weights and biases except the first two. Only two weights are being adjusted here. If we freed all the weights, the colourful background you see would be constantly changing.

Training log likelihood

w1w2

Observe how in actual training, the weights are (gradient) descending a constantly changing landscape.

Training log likelihood

w1w2

Validation Set

Training Set

Training log likelihood

w1w2

The same discrepancy happens in classification tasks. Notice how the contours differ.

Training log likelihood

w1w2

Bayes to the rescue

The problem of overfitting is certainly not unique to neural networks. But because the flexibility of neural networks makes them particularly susceptible, researchers and practitioners have come up with many extensions to the standard learning algorithm (early stopping, weight decay, and dropout, just to name a few) to reduce overfitting [1].

This tutorial focuses on Bayesian inference, a powerful framework that not only helps with overfitting, but also tells us how uncertain our model is about its parameters. Before we used the training data

plus a gradient-based optimizer to tune the weights

in order to maximize

. In Bayesian inference, instead of learning the parameter values, we seek to compute

, the conditional distribution of the weights given the training data.

is called the posterior distribution, or often the posterior for short.

Exact Bayesian inference

Bayes’ rule tells us how to compute the posterior: $$ p(w | D) = \dfrac{p(D|w)p(w)}{p(D)} = \dfrac{p(D|w)p(w)}{\int_{w’} p(D|w’)p(w’) dw’} .

p(w)

p(D | w)

w

w

p(w|D)

w^*

\hat y

x

, $$ p(\hat y(x)| D) = \int_{w} p(\hat y(x)| w) p(w | D) dw = \mathbb{E}_{p(w|D)}[p(\hat y(x)|w)], $$ which we call the *predictive distribution*. Notice that we can express this distribution as the expectation of the single network likelihood under the posterior

p(w|D)

. This yields a nice interpretation of the predictive distribution as an *infinite ensemble* of networks \[2\], with each network’s contribution to the overall prediction weighted by the posterior likelihood of its weights given the training data. Also, it implies that we can approximate this infinite ensemble using a finite number of Monte Carlo samples from the posterior. Approximating the predictive distribution with only a single Monte Carlo sample is equivalent to using a single network

\hat y_w(x)

w

p(w|D)

; in a slight abuse of terminology, we can think of this process as *sampling networks* from the posterior. ### Modeling uncertainty But before we move on, let’s briefly consider the implications of Bayesian inference, which replaces a *point estimate* of the weights

w^*

\hat y_{w^*}(x)

p(w|D)

p(\hat y_{w}(x)|D)

. An immediate benefit of specifying distributions over the model parameters and predictions is that we can quantify our *uncertainty* about these things, e.g., by computing their variance. This is especially relevant when learning from small datasets; standard neural net training will overfit for the reasons discussed above, but Bayesian inference will find the best explanation for the model parameters given the available data, which typically have high uncertainty when data is scarce. In the limit of dataset size far exceeding the number of neurons, the inferred distributions sharpen and begin to resemble the solutions from the standard training; for modern networks we don’t typically reach this limit in practice, so having a notion of model uncertainty is helpful. ### Approximate inference We have seen computationally difficult integrals arise during the Bayesian setup in the following two expressions<sup><span id="fn-1" data-hover-ref="dt-fn-hover-box-0">1</span></sup> : - the marginal data likelihood

p(D)

p(w|D)

p(\hat y(x)|D)

p(w|D)

p(\hat y(x)|D) = \mathbb{E}_{p(w|D)}[p(\hat y(x)|w)

{w_1, \ldots, w_N}

p(w|D)

N

N

p(\hat y(x)| D)

p(w|D)

q_\phi(w)

q_\phi

and an optimizer. Thankfully, we can use off-the-shelf optimizers from standard neural network training! While both sampling and variational methods are of practical and historical import, we emphasize that the latter approach admits a learning algorithm, called stochastic variational inference, that closely resembles standard neural network training. We devote a section to this algorithm to underscore that being Bayesian in neural network learning is well worth the modest cost in engineering overhead. TODO: make the point (perhaps in a footnote that variational methods still typically evaluate the posterior predictive via a Monte Carlo estimate, so they are not sampling-free. ## Sampling methods ### Monte Carlo integration Sampling methods rely on *Monte Carlo integration*: the use of a finite set of random samples to approximate an expected value. In particular, they generate a set of neural networks asymptotically distributed according to

p(w|D)

p(\hat y(x)|D)

p(\hat y(x)|w)

p(D)

. $$ p(D) = \int_{w} p(D|w)p(w) dw = \mathbb{E}_{p(w)} \left[ p(D|w) \right] \approx \frac{1}{N} \sum_{i=1}^{N} p(D|w_i). $$ Here the sample set of network weights

{w_1 \ldots w_N}

p(w)

p(D)

{w_i}

\begin{aligned} p(\hat y(x)|d) &= \mathbb{e}{p(w|d)} \left[ p(\hat y(x)|w) \right] = \mathbb{e}{p(w)} \left[ p(\hat y(x)|w) \frac{p(d|w)}{p(d)} \right]\ &\approx \frac{1}{n} \sum_{i=1}^{n} p(\hat y(x)|w_i) \frac{p(d|w_i)}{p(d)} \end{aligned}

\begin{aligned} p(\hat y(x)|D) &= \mathbb{E}{p(w|d)} \left[ p(\hat y(x)|w) \right]\ &\approx \frac{1}{N} \sum{i=1}^{n} p(\hat y(x)|w_i) \quad \text{where} \quad w_i \sim p(w|D) \end{aligned}

N

w

. ### Markov Chain Monte Carlo We saw that Monte Carlo estimates from naively sampling network weights naively from the prior won’t work. We can sacrifice our assumption of sample independence, instead using a Markov Chain to produce a sequence of dependent samples. This is formalized by a *proposal distribution* over choices of next sample in the sequence conditioned on the previous choice

q(w’|w_t)

p(w|D)

a

a = \frac{p(D, w’)}{p(D, w_t)} .

\frac{p(w’|D)}{p(w_t| D)}

p(D, w) = p(w|D)p(D)

p(D)

w

p(D, w)

p(w|D)

. A simple specification of proposal distribution is a Normal distribution centered at the current sample $$ q(w&#x27;|w_t) = \mathcal{N}(w_t, \sigma^2) $$ . If we were to accept every sample from this proposal distribution, we would be performing a random walk in parameter space with step size equal to

\sigma

\sigma

\sigma

p(\hat y(x)| D)

. On the other hand, producing *samples* from this unknown distribution is often feasible using algorithms described in the next section, and we can aggregate a finite number of these samples to obtain an approximate posterior. TODO: briefly describe the wealth of other MCMC options that seek to design a better proposal distribution, cite Neal, MacKay, etc.\[3\] ## Variational inference TODO: contrast sampling-based inference with gradient based inference, especially with their ability to scale. Sampling-based inference is good enough for many applications, especially where the sample space is reasonable and achieving an asymptotically exact solution is worth the computational cost. As network and dataset size grow, however, so grows the cost of estimating the posterior via sampling. In these cases we can instead solve a distinct but closely related inference problem that admits a learning algorithm very similar algorithm to what we used for standard neural network training; we’ll pose the problem now and discuss the learning algorithm in the next section. ### Modeling the approximate posterior Generally speaking, when faced with an intractable distribution like the posterior

p(w|D)

q_\phi(w)

\phi

so that it better approximates the intractable distribution. Developing a variational method for approximate inference requires two steps: first, formalizing a notion of similarity between two probability distributions, then writing down a tractable optimization problem that corresponds to maximizing this notion of similarity. The second step, maximizing the similarity of the approximate and true posteriors, might seem difficult since we can’t even evaluate the true posterior. But we will see that our choice of objective in the first step will help us in this regard. ### The Kullback-Liebler divergence <svg width="50.000003814697266" height="300"><g id="val"><path d="M25.000001907348633,300L25.000001907348633,299.5C25.000001907348633,299,25.000001907348633,298,25.000001907348633,297C25.000001907348633,296,25.000001907348633,295,25.000001907348633,294C25.000001907348633,293,25.000001907348633,292,25.000001907348633,291C25.000001907348633,290,25.000001907348633,289,25.000001907348633,288C25.000001907348633,287,25.000001907348633,286,25.000001907348633,285C25.000001907348633,284,25.000001907348633,283,25.000001907348633,282C25.000001907348633,281,25.000001907348633,280,25.000001907348633,279C25.000001907348633,278,25.000001907348633,277,25.000001907348633,276C25.000001907348633,275,25.000001907348633,274,25.000001907348633,273C25.000001907348633,272,25.000001907348633,271,25.000001907348633,270C25.000001907348633,269,25.000001907348633,268,25.000001907348633,267C25.000001907348633,266,25.000001907348633,265,25.000001907348633,264C25.000001907348633,263,25.000001907348633,262,25.000001907348633,261C25.000001907348633,260,25.000001907348633,259,25.000001907348633,258C25.000001907348633,257,25.000001907348633,256,25.000001907348633,255C25.000001907348633,254,25.000001907348633,253,25.000001907348633,252C25.000001907348633,251,25.000001907348633,250,25.000001907348633,249C25.000001907348633,248,25.000001907348633,247,25.000001907348633,246C25.000001907348633,245,25.000001907348633,244,25.000001907348633,243C25.000001907348633,242,25.000001907348633,241,25.000001907348633,240C25.000001907348633,239,25.000001907348633,238,25.000001907348633,237C25.000001907348633,236,25.000001907348633,235,25.000001907348633,234C25.000001907348633,233,25.000001907348633,232,25.000001907348633,231C25.000001907348633,230,25.000001907348633,229,25.000001907348633,228C25.000001907348633,227,25.000001907348633,226,25.000001907348633,225C25.000001907348633,224,25.000001907348633,223,25.000001907348633,222C25.000001907348633,221,25.000001907348633,220,25.000001907348633,219C25.000001907348633,218,25.000001907348633,217,25.000001907348633,216C25.000001907348633,215,25.000001907348633,214,25.000001907348633,213C25.000001907348633,212,25.000001907348633,211,25.000001907348633,210C25.000001907348633,209,25.000001907348633,208,25.000001907348633,207C25.000001907348633,206,25.000001907348633,205,25.000001907348633,204C25.000001907348633,203,25.000001907348633,202,25.000001907348633,201C25.000001907348633,200,25.000001907348633,199,25.000001907348633,198C25.000001907348633,197,25.000001907348633,196,25.000001907348633,195C25.000001907348633,194,25.000001907348633,193,25.000001907348633,192C25.000001907348633,191,25.000001907348633,190,25.000001907348633,189C25.000001907348633,188,25.000001907348633,187,25.000001907348633,186C25.000001907348633,185,25.000001907348633,184,25.000001907348633,183C25.000001907348633,182,25.000001907348633,181,25.000001907348633,180C25.000001907348633,179,25.000001907348633,178,25.000001907348633,177C25.000001907348633,176,25.000001907348633,175,25.000001907348633,174C25.000001907348633,173,25.000001907348633,172,25.000001907348633,171C25.000001907348633,170,25.000001907348633,169,25.000001907348633,168C25.000001907348633,167,25.000001907348633,166,25.000001907348633,165C25.000001907348633,164,25.000001907348633,163,25.000001907348633,162C25.000001907348633,161,25.000001907348633,160,25.000001907348633,159C25.000001907348633,158,25.000001907348633,157,25.000001907348633,156C25.000001907348633,155,25.000001907348633,154,25.000001907348633,153C25.000001907348633,152,25.000001907348633,151,25.000001907348633,150C25.000001907348633,149,25.000001907348633,148,25.000001907348633,147C25.000001907348633,146,25.000001907348633,145,25.000001907348633,144C25.000001907348633,143,25.000001907348633,142,25.000001907348633,141.5L25.000001907348633,141" stroke="rgb(235, 246, 163)" stroke-width="50.000003814697266" fill="none" opacity="1"></path></g><g class="x axis" fill="none" font-size="10" font-family="sans-serif" text-anchor="start"><path class="domain" stroke="#000" d="M5,297.5H0.5V0.5H5"></path><g class="tick" opacity="1" transform="translate(0,297.5)"><line stroke="#000" x2="5"></line><text fill="#000" x="5" dy="0.32em">0</text></g><g class="tick" opacity="1" transform="translate(0,267.8)"><line stroke="#000" x2="5"></line><text fill="#000" x="5" dy="0.32em">10</text></g><g class="tick" opacity="1" transform="translate(0,238.1)"><line stroke="#000" x2="5"></line><text fill="#000" x="5" dy="0.32em">20</text></g><g class="tick" opacity="1" transform="translate(0,208.4)"><line stroke="#000" x2="5"></line><text fill="#000" x="5" dy="0.32em">30</text></g><g class="tick" opacity="1" transform="translate(0,178.7)"><line stroke="#000" x2="5"></line><text fill="#000" x="5" dy="0.32em">40</text></g><g class="tick" opacity="1" transform="translate(0,149)"><line stroke="#000" x2="5"></line><text fill="#000" x="5" dy="0.32em">50</text></g><g class="tick" opacity="1" transform="translate(0,119.30000000000001)"><line stroke="#000" x2="5"></line><text fill="#000" x="5" dy="0.32em">60</text></g><g class="tick" opacity="1" transform="translate(0,89.60000000000002)"><line stroke="#000" x2="5"></line><text fill="#000" x="5" dy="0.32em">70</text></g><g class="tick" opacity="1" transform="translate(0,59.89999999999998)"><line stroke="#000" x2="5"></line><text fill="#000" x="5" dy="0.32em">80</text></g><g class="tick" opacity="1" transform="translate(0,30.19999999999999)"><line stroke="#000" x2="5"></line><text fill="#000" x="5" dy="0.32em">90</text></g><g class="tick" opacity="1" transform="translate(0,0.5)"><line stroke="#000" x2="5"></line><text fill="#000" x="5" dy="0.32em">100</text></g></g></svg> Mean ÎŒ = 0.0 <svg width="230" height="40"><g transform="translate(0,-12)"><g class="slidersvg" transform="translate(20,20)"><line class="track" x1="0" x2="190"></line><line class="track-inset" x1="0" x2="190"></line><line class="track-overlay" x1="0" x2="190"></line><g><rect x="-0.75" y="9" width="1.5" height="7" opacity="0.2"></rect><rect x="46.75" y="9" width="1.5" height="7" opacity="0.2"></rect><rect x="94.25" y="9" width="1.5" height="7" opacity="0.2"></rect><rect x="141.75" y="9" width="1.5" height="7" opacity="0.2"></rect><rect x="189.25" y="9" width="1.5" height="7" opacity="0.2"></rect><text class="ticktext" opacity="0.3" text-anchor="middle" transform="translate(0.25,27)">-4</text><text class="ticktext" opacity="0.3" text-anchor="middle" transform="translate(47.75,27)">-2</text><text class="ticktext" opacity="0.3" text-anchor="middle" transform="translate(95.25,27)">0</text><text class="ticktext" opacity="0.3" text-anchor="middle" transform="translate(142.75,27)">2</text><text class="ticktext" opacity="0.3" text-anchor="middle" transform="translate(190.25,27)">4</text><circle cx="0" cy="0" r="3" opacity="0"></circle><circle cx="47.5" cy="0" r="3" opacity="0"></circle><circle cx="95" cy="0" r="3" opacity="0"></circle><circle cx="142.5" cy="0" r="3" opacity="0"></circle><circle cx="190" cy="0" r="3" opacity="0"></circle></g><g transform="translate(95,0)"><circle class="handle" r="7"></circle><text transform="translate(0,22)" text-anchor="middle"></text></g></g></g></svg> Standard Deviation = 1.0 <svg width="230" height="40"><g transform="translate(0,-12)"><g class="slidersvg" transform="translate(20,20)"><line class="track" x1="0" x2="190"></line><line class="track-inset" x1="0" x2="190"></line><line class="track-overlay" x1="0" x2="190"></line><g><rect x="-0.75" y="9" width="1.5" height="7" opacity="0.2"></rect><rect x="46.75" y="9" width="1.5" height="7" opacity="0.2"></rect><rect x="94.25" y="9" width="1.5" height="7" opacity="0.2"></rect><rect x="141.75" y="9" width="1.5" height="7" opacity="0.2"></rect><rect x="189.25" y="9" width="1.5" height="7" opacity="0.2"></rect><text class="ticktext" opacity="0.3" text-anchor="middle" transform="translate(0.25,27)">0.5</text><text class="ticktext" opacity="0.3" text-anchor="middle" transform="translate(47.75,27)">1</text><text class="ticktext" opacity="0.3" text-anchor="middle" transform="translate(95.25,27)">1.5</text><text class="ticktext" opacity="0.3" text-anchor="middle" transform="translate(142.75,27)">2</text><text class="ticktext" opacity="0.3" text-anchor="middle" transform="translate(190.25,27)">2.5</text><circle cx="0" cy="0" r="3" opacity="0"></circle><circle cx="47.5" cy="0" r="3" opacity="0"></circle><circle cx="95" cy="0" r="3" opacity="0"></circle><circle cx="142.5" cy="0" r="3" opacity="0"></circle><circle cx="190" cy="0" r="3" opacity="0"></circle></g><g transform="translate(47.5,0)"><circle class="handle" r="7"></circle><text transform="translate(0,22)" text-anchor="middle"></text></g></g></g></svg> In variational methods we fit a tractable parameterized distribution

q

p

q \log \frac{q}{p}

d_{KL}(q||p)

q

d_{KL}(q||p)

? What about if we want to minimize one of the alternative metrics, reverse KL or Jensen-Shannon distance? We use a quantity from information theory called the *Kullback-Liebler divergence*\[5\] (or KL-divergence) to convey dissimilarity between two distributions, expressed as

\begin{aligned} \quad d_{KL}[q_\phi(w)||p(w|D)] &\coloneqq \int_{w} q_\phi(w) \log \frac{q_\phi(w)}{p(w|D)} \ &= \mathbb{E}{q\theta(w)}[\log q_\phi(w) - \log p(w|D)]. \end{aligned}

p

q

d_{KL}(q||p)

d_{KL}(q||p) \neq d_{KL}(p||q)

q||p

q

q||p

q

p

q

p

d_{KL}(q||p)

q

d_{KL}(p||q)

and Jensen-Shannon distance <sup><span id="fn-4" data-hover-ref="dt-fn-hover-box-3">4</span></sup>. ### Approximate inference as optimization Having acquired some intuition about the KL-divergence—-our notion of dissimilarity between the approximate and true posteriors—-we now derive an optimization problem that minimizes this quantity. Regrettably, we can’t directly optimize

d_{KL}(q_\phi(w)||p(w|D)

\begin{aligned} d_{KL} (q_\phi(w)||p(w|D)) &= \mathbb{E}{q\phi(w)} \left[ \log q_\phi(w) \right] - \mathbb{E}{q\phi(w)} \left[ \log p(w|D) \right] \ &= \mathbb{E}{q\phi(w)} \left[ \log q_\phi(w) \right] - \mathbb{E}{q\phi(w)} \left[ \log p(w, D) - \log p(D) \right] \ &= \mathbb{E}{q\phi(w)} \left[ \log q_\phi(w) + \log p(w, D)\right] - \log p(D) \end{aligned}

p(D)

q_\phi

\phi

\log p(x)

D

\begin{aligned} \tilde L(\phi) &:=\mathbb{E}{D, q\phi(w)} \left[ \log p(w, D) - \log q_\phi(w) \right] \ &= \mathbb{E}{x, y \sim D} \left[ \mathbb{E}{w \sim q_{\phi}(w)} \left[ \log p(\hat y(x) = y|w) + \log p(w) - \log q_{\phi}(w) \right] \right] \end{aligned}

\underset{\phi}{\text{maximize}} \quad \tilde L(\phi)

q_\phi(w)

\phi

w

, is a design choice that we will need to specify. ## Optimizing with gradients Variational inference re-frames the computation of an integral (the marginal likelihood from exact inference) as the optimization of its lower bound. Notably, this implies that we can now use tools from the optimization literature to approximately solve our inference problem. This includes optimizing with minibatch (a.k.a. “stochastic”) gradients, like we did with standard neural network training. Thus, with a slight tweak, we can adapt stochastic gradient ascent to variational inference in an algorithm called *Stochastic Variational Inference*. As discussed above, an important step of designing a variational inference algorithm is to specify the parameterized variational distribution over the weights,

q_\phi(w)

q

q

p(w|D)

q

w

q_{\mu, \sigma}(w) = \mathcal{N}(\mu, \sigma^2 I)

\log q_{\mu, \sigma}(w) = -\frac{1}{2}(w-\mu)^T(\sigma^2 I)^{-1}(w - \mu)

\phi = (\mu, \sigma)

w_i

\mu_i

\sigma_i

\tilde L(\phi)

q_\phi

L(w)

from standard neural network training. MAP neural network training is $$ L(w) = \mathbb{E}_{x, y \sim D} \left[ \log p(\hat y(x) = y|w) + \log p(w) \right]. $$ VI neural network training is

\tilde L(\mu, \sigma) = \mathbb{E}{x, y \sim D} \left[ \mathbb{E}{w \sim q_{\mu, \sigma}} \left[ \log p(\hat y(x) = y|w) + \log p(w) - \log q_{\mu, \sigma}(w) \right] \right]

\nabla_\mu \tilde L(\mu, \sigma)

\nabla_\sigma \tilde L(\mu, \sigma)

(\mu, \sigma)

\mathbb{E}_{x, y \sim D}

\mathbb{E}{w \sim q{\mu, \sigma}}

q_{\mu, \sigma}

\mu

\sigma

that we want to optimize. ### Stochastic gradient ascent Let’s revisit a detail we skipped over in earlier on: how to compute gradients with respect to

w

\nabla_w L(w)

N

\begin{aligned} \nabla_w L(w) &= \nabla_w \mathbb{E}{x,y \sim D} \left[ \log p(\hat y(x_i) = y_i|w) + \log p(w) \right] \ &= \nabla_w \frac{1}{N} \sum{i=1}^{N} \left[ \log p(\hat y(x_i) = y_i|w) + \log p(w) \right] \ &= \underbrace{\frac{1}{N} \sum_{i=1}^{N} \nabla_w \left[ \log p(\hat y(x_i) = y_i|w) + \log p(w) \right]}{g{\text{batch}}(w)}. \end{aligned}

g_{\text{batch}}(w)

\nabla_w

\mathbb{E}_{x,y}

\nabla_w

w \leftarrow w + \nabla_{w}L(w)

w

\nabla_w L(w)

M

N_m

m

\nabla_w L(w) \approx \underbrace{\frac{M}{N} \sum_{i=1}^{N_m} \nabla_w \left[ \log p(\hat y(x_i) = y_i|w) + \log p(w) \right]}{g{\text{SGA}}(w)}

M

g_{\text{SGA}}(w)

g_{\text{batch}}(w)

. Interestingly, stochastic gradient updates provide some additional benefits including mitigating overfitting. TODO: cite papers on the theory of SGD here. also maybe talk more about the role of gradient noise as a regularizer, since we will use that concept later on ### The reparameterization gradient estimator Now lets turn our attention to the gradient-based optimization of the variational objective

\tilde L(\mu, \sigma)

. $$ \tilde L(\mu, \sigma) = \mathbb{E}_{x, y \sim D} \left[ \mathbb{E}_{w \sim q_{\mu, \sigma}} \left[ \log p(\hat y(x) = y|w) + \log p(w) - \log q_{\mu, \sigma}(w) \right] \right] $$ We will need to compute the gradients of the objective with respect to the parameters,

\nabla_\mu \tilde L(\mu, \sigma)

\nabla_\sigma \tilde L(\mu, \sigma)

\nabla

inside the outer-most expectation. $$ \nabla_{\mu, \sigma} \tilde L(\mu, \sigma) = \frac{1}{N} \sum_{i=1}^{N} \left[\nabla_{\mu, \sigma} \mathbb{E}_{w \sim q_{\mu, \sigma}} \left[ \log p(\hat y(x_i) = y_i|w) + \log p(w) - \log q_{\mu, \sigma}(w) \right] \right] $$ Unfortunately, that’s as far as we can move

\nabla

\mu

\sigma

w \sim \mathcal{N}(\mu, \sigma I)

w = \mu + \sigma \epsilon

\epsilon \sim \mathcal{N}(0, I)

. Putting this all together (including the minibatch trick from before) yields the SVI gradient estimator: $$ \nabla_{\mu, \sigma} \tilde L(\mu, \sigma) \approx \underbrace{\frac{M}{N} \sum_{i=1}^{N_m} \sum_{j=1}^{S} \nabla_{\mu, \sigma} \left[ \log p(\hat y(x_i) = y_i|w(\mu, \sigma, \epsilon_j)) + \log p(w(\mu, \sigma, \epsilon_j)) \right]}_{g_{\text{SVI}}(\mu, \sigma)}. $$ Notice that we’ve introduced a new hyperparameter

S

p(\epsilon)

S

S=1

is commonly used). At test time, however, we can increase the number of samples used to estimate the posterior predictive distribution. TODO: list the exact assumptions of the reparameterization estimator and mention what we can do if the variational distribution over weights is discrete (cite Luisoz work on binary nnets) ### Stochastic variational inference TODO: put it all together and segue to the algo box 1:procedure SGA(

x, y, w

g = \text{BACKPROP}(x, y, w)

w = w + \alpha g

x, y, w

{\color{blue} \epsilon \sim \mathcal{N}(0, I)}

g = \text{BACKPROP}(x, y, {\color{blue}w+\epsilon\sigma})

w = w + \alpha g

{\color{blue}\sigma = \sigma + \alpha\epsilon g}

7:end while 8:end procedure ``` \begin{algorithmic} \PROCEDURE{SGA}{$x, y, w$} \WHILE {training not converged} \STATE $g = \text{BACKPROP}(x, y, w)$ \STATE $w = w + \alpha g$ \ENDWHILE \ENDPROCEDURE \end{algorithmic} ``` ``` \begin{algorithmic} \PROCEDURE{SVI}{$x, y, w$} \WHILE {training not converged} \STATE ${\color{blue} \epsilon \sim \mathcal{N}(0, I)}$ \STATE $g = \text{BACKPROP}(x, y, {\color{blue}w+\epsilon\sigma})$ \STATE $w = w + \alpha g$ \STATE ${\color{blue}\sigma = \sigma + \alpha\epsilon g}$ \ENDWHILE \ENDPROCEDURE \end{algorithmic} ``` TODO: segue into the figure and algo box Variational Inference Now we fit a distribution of weights to the underlying latent distribution. What if you sampled from the learned distribution? Training Loss <svg width="300" height="300"><g id="contour"><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L0,157.5L0,164.5L0,171.5L0,178.5L0,185.5L0,192.5L0,199.5L0,206.5L0,213.5L0,220.5L0,227.5L0,234.5L0,241.5L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280L59.5,280L66.5,280L73.5,280L80.5,280L87.5,280L94.5,280L101.5,280L108.5,280L115.5,280L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(94, 79, 162)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L0,157.5L0,164.5L0,171.5L0,178.5L0,185.5L0,192.5L0,199.5L0,206.5L0,213.5L0,220.5L0,227.5L0,234.5L0,241.5L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280L59.5,280L66.5,280L73.5,280L80.5,280L87.5,280L94.5,280L101.5,280L108.5,280L115.5,280L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(85, 90, 167)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L0,157.5L0,164.5L0,171.5L0,178.5L0,185.5L0,192.5L0,199.5L0,206.5L0,213.5L0,220.5L0,227.5L0,234.5L0,241.5L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280L59.5,280L66.5,280L73.5,280L80.5,280L87.5,280L94.5,280L101.5,280L108.5,280L115.5,280L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(77, 102, 172)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L0,157.5L0,164.5L0,171.5L0,178.5L0,185.5L0,192.5L0,199.5L0,206.5L0,213.5L0,220.5L0,227.5L0,234.5L0,241.5L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280L59.5,280L66.5,280L73.5,280L80.5,280L87.5,280L94.5,280L101.5,280L108.5,280L115.5,280L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(71, 113, 176)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L0,157.5L0,164.5L0,171.5L0,178.5L0,185.5L0,192.5L0,199.5L0,206.5L0,213.5L0,220.5L0,227.5L0,234.5L0,241.5L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280L59.5,280L66.5,280L73.5,280L80.5,280L87.5,280L94.5,280L101.5,280L108.5,280L115.5,280L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(67, 125, 179)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L0,157.5L0,164.5L0,171.5L0,178.5L0,185.5L0,192.5L0,199.5L0,206.5L0,213.5L0,220.5L0,227.5L0,234.5L0,241.5L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280L59.5,280L66.5,280L73.5,280L80.5,280L87.5,280L94.5,280L101.5,280L108.5,280L115.5,280L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280ZM101.5,215.8453779507661L94.5,213.5284546311455L94.32750075187965,213.5L87.5,209.13177032651066L82.12864420282531,206.5L87.5,201.5975912991827L89.03489804635683,199.5L88.43544309264988,192.5L87.5,192.1637849753937L80.5,190.22222335473788L75.17380143850959,185.5L75.77350892166007,178.5L80.5,177.16961463010523L87.5,176.49775781020824L94.5,175.70855502459148L101.5,174.25712311089444L108.5,175.59876601561814L111.43686923728126,178.5L111.59211186349525,185.5L109.3664878151087,192.5L109.22563916772238,199.5L109.61335159554625,206.5L108.5,212.98378286324476L108.05731393476272,213.5Z" fill="rgb(66, 136, 181)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L0,157.5L0,164.5L0,171.5L0,178.5L0,185.5L0,192.5L0,199.5L0,206.5L0,213.5L0,220.5L0,227.5L0,234.5L0,241.5L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280L59.5,280L66.5,280L73.5,280L80.5,280L87.5,280L94.5,280L101.5,280L108.5,280L115.5,280L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280ZM108.5,229.49937505216627L101.5,230.8226110288962L94.5,229.9151110592454L87.5,229.51241887147688L80.5,229.24670007612482L73.5,227.98806180194953L72.25157190261363,227.5L66.5,224.41929024789826L60.869270734921315,220.5L59.5,218.7564810231292L55.44477072235844,213.5L54.17362642248323,206.5L55.280714020738046,199.5L55.48249399727844,192.5L52.5,185.54655608884087L52.47679605748573,185.5L52.5,185.2024645959777L52.95833433022872,178.5L59.5,174.1969376969762L63.33316133449995,171.5L66.5,170.5357327303865L73.5,168.77111149960265L80.5,167.7723803910011L87.5,167.43628500545438L94.5,167.09521712259829L101.5,166.45367346371285L108.5,167.1557732798371L115.5,170.4142821167615L117.16560800976521,171.5L122.27760420477571,178.5L122.4782452917591,185.5L120.88975883411494,192.5L120.79993792678985,199.5L121.01873269720045,206.5L119.99292665408636,213.5L117.08778450444179,220.5L115.5,222.85275500995417L110.94755094023745,227.5Z" fill="rgb(69, 148, 180)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L0,157.5L0,164.5L0,171.5L0,178.5L0,185.5L0,192.5L0,199.5L0,206.5L0,213.5L0,220.5L0,227.5L0,234.5L0,241.5L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280L59.5,280L66.5,280L73.5,280L80.5,280L87.5,280L94.5,280L101.5,280L108.5,280L115.5,280L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280ZM108.5,238.553554035233L101.5,239.92748518842112L94.5,239.07143063609857L87.5,238.70965122742552L80.5,238.4779365745373L73.5,237.26340871995262L66.5,234.6831248531538L66.13225605043623,234.5L59.5,230.81398721387714L53.265271379237774,227.5L52.5,226.95137308441684L45.5,222.71506234774324L40.55973443341496,220.5L38.5,218.77551817881326L31.5,214.53824538653151L29.05462117121978,213.5L25.25252363151004,206.5L28.529514647693002,199.5L29.043220535053585,192.5L24.5,189.0670169193878L17.616120031307183,185.5L19.053073619726284,178.5L24.5,177.71178671459896L31.5,176.24902638330218L38.5,174.13873283345893L44.667026363065716,171.5L45.5,171.351192821072L52.5,169.67392245143384L59.5,167.51367519964046L66.5,165.09436108815373L68.56250835058383,164.5L73.5,163.38959902589258L80.5,162.4941790891072L87.5,162.1976166272309L94.5,161.93443303417288L101.5,161.4232838074939L108.5,162.05539186432526L114.34096747982929,164.5L115.5,165.0879145750793L122.5,169.9470034580593L124.8258244302515,171.5L129.5,177.95507032475533L129.91449744842356,178.5L130.09753598544881,185.5L129.5,188.58413244243297L128.68196376331605,192.5L128.63903500082847,199.5L128.80222542769593,206.5L127.69407021829858,213.5L124.77535417874779,220.5L122.5,224.02539570402368L120.03384978519333,227.5L115.5,232.90446935524687L113.59074156918066,234.5Z" fill="rgb(74, 159, 178)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L0,157.5L0,164.5L3.5,170.7649775336907L10.5,170.55153722946005L17.5,170.24122763881573L24.5,169.78984360076623L31.5,169.13284483995523L38.5,168.17898831275627L45.5,166.81011246316962L52.5,164.90661586744235L53.71487225823665,164.5L59.5,162.99468113047448L66.5,160.95464637538475L73.5,159.1431374828417L80.5,158.07620530472423L87.5,157.72917152539148L93.46113321456846,157.5L94.5,157.45889045817728L101.5,156.900018022537L106.96497386950399,157.5L108.5,157.66061337278788L115.5,161.045653957519L121.12389595988685,164.5L122.5,165.47374166016368L129.5,170.38287211567697L131.3756671465744,171.5L136.5,177.99505562410326L136.95653637035156,178.5L137.04620761459313,185.5L136.5,188.10581561269078L135.58099550035814,192.5L135.64135297642417,199.5L135.77756870416223,206.5L134.46144641400073,213.5L131.2504328040935,220.5L129.5,223.01225420599152L126.42249752474314,227.5L122.5,232.4720986425801L120.75865692407129,234.5L115.5,240.6427010426031L114.4496429068375,241.5L108.5,246.63191952180998L101.5,248.14384457184835L94.5,247.22939810056116L87.5,246.85152400891934L80.5,246.61381052867466L73.5,245.31282026992267L66.5,242.53543916083692L64.54409468288634,241.5L59.5,238.8405000404435L52.5,235.28305902295162L50.64486334383832,234.5L45.5,232.05470353406884L38.5,229.58230297619383L31.5,227.84200280663245L29.545669793654625,227.5L24.5,226.2603892231716L17.5,225.064605048286L10.5,224.2366062247324L3.5,223.66159075855575L0,227.5L0,234.5L0,241.5L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280L59.5,280L66.5,280L73.5,280L80.5,280L87.5,280L94.5,280L101.5,280L108.5,280L115.5,280L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(83, 170, 175)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L0,157.5L0,164.5L3.5,166.6568344978968L10.5,166.42190620110063L17.5,166.07971597913053L24.5,165.58095127934502L31.5,164.85336583437225L33.87332501216055,164.5L38.5,163.9826443690182L45.5,162.8674460133052L52.5,161.31371910264L59.5,159.2884292798616L64.99626522996797,157.5L66.5,156.96823700797327L73.5,154.84043221169344L80.5,153.53440378100868L87.5,153.11191674970166L94.5,152.85942487348734L101.5,152.28874139180908L108.5,153.13651539363718L115.5,157.15531964605267L115.90738263831238,157.5L122.5,161.99716241262723L126.48502116917612,164.5L129.5,166.68733525782147L136.5,170.96231182968856L137.61363700037643,171.5L143.5,177.9417799548739L143.94810836086964,178.5L143.8140945009003,185.5L143.5,187.44206190014808L142.48212586611965,192.5L142.88159330619447,199.5L143.06424110559388,206.5L141.28034727893709,213.5L137.27359389761574,220.5L136.5,221.40124000912232L132.0218397633425,227.5L129.5,230.53426472074685L126.2656742640076,234.5L122.5,239.23084084067497L120.51842122906913,241.5L115.5,247.86995430316344L114.78040211704959,248.5L108.5,254.64072228280747L104.94775449059483,255.5L101.5,256.40354342031065L95.76880776188129,255.5L94.5,255.31388556113706L87.5,254.88743005425403L80.5,254.6218040179562L73.5,253.15567855553735L66.5,250.0226453885851L63.93784930437825,248.5L59.5,246.02800539022954L52.5,242.24892384562298L50.83267266381248,241.5L45.5,239.09314084710562L38.5,236.74795202500013L31.5,235.09652161040472L27.892254619433807,234.5L24.5,233.8484053204353L17.5,232.90790710480888L10.5,232.2557909502181L3.5,231.80212840061634L0,234.5L0,241.5L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280L59.5,280L66.5,280L73.5,280L80.5,280L87.5,280L94.5,280L101.5,280L108.5,280L115.5,280L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(93, 180, 172)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L0,157.5L3.5,163.063245171489L10.5,162.8751837511601L17.5,162.60106212669027L24.5,162.201336636874L31.5,161.61806495596414L38.5,160.76866009541473L45.5,159.54442246836842L52.5,157.83033105982747L53.584153872550026,157.5L59.5,155.5660710883148L66.5,152.94034604247892L73.5,150.5022276420812L73.51072560815646,150.5L80.5,148.93457821906415L87.5,148.42653902625005L94.5,148.22632750068823L101.5,147.6738221948543L108.5,148.56039778248885L111.17108226015394,150.5L115.5,153.18722703960853L120.59732802269087,157.5L122.5,158.79791013651723L129.5,163.4533353060096L131.4032147840257,164.5L136.5,167.87461800011963L143.5,171.28903326821444L143.9083984214915,171.5L149.56613591271622,178.5L149.3698089699278,185.5L148.87261891270427,192.5L150.12398317953873,199.5L150.5,206.05309629947894L150.52326632870762,206.5L150.5,206.57532220067304L148.23060537019072,213.5L143.5,220.37603864036456L143.42471508829038,220.5L137.28937358197658,227.5L136.5,228.29805956359573L131.20811772491925,234.5L129.5,236.56899345252552L125.45425649834893,241.5L122.5,245.5564907567088L120.11404356971994,248.5L115.5,255.1530288707066L115.14587650139299,255.5L108.9959379979465,262.5L108.5,263.19838465193095L101.5,265.4368134348006L94.5,264.02905097643884L87.5,263.4490139067554L80.5,263.089814723355L78.38864979542353,262.5L73.5,261.30656590790784L66.5,257.6416883694982L63.402639684469406,255.5L59.5,253.08719905862597L52.5,248.87325977498108L51.76009337261958,248.5L45.5,245.51306746857023L38.5,243.05073450714775L32.26097944489845,241.5L31.5,241.3055417801158L24.5,240.03088141171872L17.5,239.14834905314513L10.5,238.535916667245L3.5,238.1093541925105L0,241.5L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280L59.5,280L66.5,280L73.5,280L80.5,280L87.5,280L94.5,280L101.5,280L108.5,280L115.5,280L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(105, 189, 169)" opacity="1" stroke="none"></path><path d="M101.48400432152883,276.5L94.5,274.53969377000936L87.5,273.71006488000205L80.5,273.1925715078165L73.5,270.61263138648L72.12160286884281,269.5L66.5,265.9058350676207L62.46270565113523,262.5L59.5,260.39694002207773L52.5,255.52117470479905L52.46391375164621,255.5L45.5,251.81112297605338L38.5,249.0920258327975L36.380376919347015,248.5L31.5,247.18069763827395L24.5,245.85477249168784L17.5,244.9363148504633L10.5,244.29850894345563L3.5,243.85385914856653L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280L59.5,280L66.5,280L73.5,280L80.5,280L87.5,280L94.5,280ZM280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L0,157.5L3.5,160.03840608107456L10.5,159.83590480038484L17.5,159.5402265383766L24.5,159.10830308910244L31.5,158.47674427095646L38.5,157.5546758218113L38.79638680940469,157.5L45.5,156.20396097051707L52.5,154.31588403978213L59.5,151.828693232198L62.8196750042488,150.5L66.5,148.91461034877085L73.5,146.11853935394285L80.5,144.25630240953657L87.5,143.66322289010026L94.5,143.55780591572727L95.29946973445487,143.5L101.5,143.06080367069654L105.10980039608714,143.5L108.5,143.91864314048271L115.5,149.16866895498447L116.65983447881285,150.5L122.5,155.6257790913317L124.67169610012797,157.5L129.5,160.88869941491222L136.06664995252305,164.5L136.5,164.7869241705507L143.5,168.6370712872567L149.0421798367505,171.5L150.5,173.27837724844272L152.89619587035375,178.5L153.2613698555332,185.5L154.11436694071875,192.5L156.3881108344979,199.5L157.09084809457633,206.5L154.5917903566866,213.5L150.5,219.11289643416566L149.48952671753756,220.5L143.5,226.46270745870873L142.5892927793203,227.5L136.5,233.65629715641433L135.78010012846966,234.5L129.94088465487755,241.5L129.5,242.08783597031447L124.64514201089817,248.5L122.5,251.85558957770135L119.86864541692623,255.5L115.72015050937789,262.5L115.5,262.9604722608241L110.74047442430077,269.5L108.5,273.61110999828884L101.5109965024854,276.5L108.5,280L115.5,280L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(117, 197, 167)" opacity="1" stroke="none"></path><path d="M67.35016145934408,276.5L66.5,275.80604757572877L60.726919769423205,269.5L59.5,268.4533864972021L52.5,262.51008776829497L52.48589264055396,262.5L45.5,258.2528444554211L39.35234135226023,255.5L38.5,255.15117695427602L31.5,253.05945115758337L24.5,251.60657748502877L17.5,250.5998024009272L10.5,249.90026000815067L3.5,249.41219755663622L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280L59.5,280L66.5,280ZM280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L3.5,156.9993749059801L10.5,156.77691672868832L17.5,156.45241834226726L24.5,155.9792379500806L31.5,155.28909209505835L38.5,154.28450135177246L45.5,152.8356170131604L52.5,150.79818311569326L53.31366334792626,150.5L59.5,148.10096834594967L66.5,144.89218770082164L69.73562366042911,143.5L73.5,141.62225122647072L80.5,139.23631066910048L87.5,138.48000059753352L94.5,138.6580556262915L101.5,138.48740582303475L108.5,139.27968040051152L113.45916665312953,143.5L115.5,145.04423543655756L120.25297550722415,150.5L122.5,152.47216176853144L128.32585362742162,157.5L129.5,158.32406352381489L136.5,162.63141967320516L140.82800471286083,164.5L143.5,165.98510930629897L150.5,169.91314672844265L152.22431783911193,171.5L155.77011231693209,178.5L156.72793887778286,185.5L157.5,188.45291708297347L158.6509725393937,192.5L161.6246652563491,199.5L162.47344156441673,206.5L160.02639253759168,213.5L157.5,217.03657846019505L154.84259589556603,220.5L150.5,224.77631337855277L147.76590666211976,227.5L143.5,231.32675828937286L140.35658666250927,234.5L136.5,238.50409293931142L133.96389808227718,241.5L129.5,247.45176046966105L128.706343749973,248.5L124.07378581978101,255.5L122.5,258.40195411500736L119.95212474792358,262.5L116.53866588454179,269.5L115.5,272.34675522684455L113.15318527151038,276.5L115.5,280L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(130, 204, 165)" opacity="1" stroke="none"></path><path d="M58.02206877416386,276.5L52.5,270.4700030896374L51.45046771139321,269.5L45.5,265.1572564747511L40.62940448747724,262.5L38.5,261.4997590978638L31.5,259.1161412620577L24.5,257.4604420857153L17.5,256.31285238964455L10.5,255.5151561135262L10.310906073368894,255.5L3.5,254.9840401375875L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280ZM280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L3.5,153.8862836375878L10.5,153.65247468751394L17.5,153.3106911355071L24.5,152.81114234652244L31.5,152.0805332798758L38.5,151.01335443943657L40.869930851799104,150.5L45.5,149.46069279438422L52.5,147.28072566995215L59.5,144.3785682895307L61.35652960757653,143.5L66.5,140.73810880894237L73.5,136.95896188262014L74.72937465100325,136.5L80.5,133.95751971114532L87.5,132.981297107376L94.5,133.69624447272088L101.5,134.2324763653142L108.5,135.06039206749998L110.49925476523978,136.5L115.5,140.81014712477872L117.2820696739578,143.5L122.5,149.31142021613203L123.49976722189305,150.5L129.5,155.87697047693496L131.68964557404533,157.5L136.5,160.57141308661542L143.5,163.77326513692373L145.13605210520777,164.5L150.5,167.69697597043734L154.63246914146674,171.5L157.5,176.7461901546357L158.02306124024503,178.5L159.2293893449378,185.5L162.42167513631574,192.5L164.5,196.44152121526724L165.9643072072486,199.5L166.7885200321198,206.5L164.77192156262515,213.5L164.5,213.9310963633601L159.54528158590088,220.5L157.5,222.6423969518789L152.5783953607883,227.5L150.5,229.40078667149584L144.89492744776123,234.5L143.5,235.80794432253185L137.99299376574686,241.5L136.5,243.21764174462223L132.40126739940519,248.5L129.5,252.9189508537503L127.76523384792253,255.5L123.85918297845113,262.5L122.5,265.6049617900938L120.51499262314024,269.5L117.85343719341417,276.5L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(143, 210, 164)" opacity="1" stroke="none"></path><path d="M49.09638390531387,276.5L45.5,273.16186076119135L40.30498134888306,269.5L38.5,268.4823406000849L31.5,265.61615444502274L24.5,263.6255364314812L18.806214105281448,262.5L17.5,262.27173616933834L10.5,261.41034982481153L3.5,260.8084744259841L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280ZM280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L3.5,150.77319236919553L10.5,150.5280326463395L11.049279049158027,150.5L17.5,150.16059173642577L24.5,149.6239903925037L31.5,148.84247540739648L38.5,147.7069766841589L45.5,146.07088664519182L52.5,143.7632907745234L53.12464476933187,143.5L59.5,140.50890132374548L66.5,136.514344049747L66.52626836967063,136.5L73.5,132.07344438533468L78.63728310059274,129.5L80.5,128.4332989387708L87.5,127.17250279705345L94.5,128.67969074629696L97.81624379051678,129.5L101.5,130.222298603111L108.5,131.46820858064407L115.48789770862825,136.5L115.5,136.51043097656657L120.13069898931586,143.5L122.5,146.1387864404536L126.16841033617509,150.5L129.5,153.48552738303928L134.91596568203755,157.5L136.5,158.51140650002566L143.5,162.12157999365712L148.8543861126656,164.5L150.5,165.48080521243205L157.04062044382152,171.5L157.5,172.3404416983666L159.33704420016224,178.5L161.4543030408663,185.5L164.5,190.77160091715666L165.65054537953705,192.5L169.38803669181831,199.5L170.49217126158618,206.5L168.2622691915901,213.5L164.5,219.46458975455363L163.7190224589922,220.5L157.5,227.01431805363995L157.0079189269466,227.5L150.5,233.45178655076666L149.34780022825424,234.5L143.5,239.98315048221394L142.03246345007867,241.5L136.5,247.86492287541355L136.0072255253069,248.5L131.24463298069492,255.5L129.5,258.64016379219026L127.2746754147563,262.5L124.11250302960514,269.5L122.5,274.35032528086066L121.65600845084104,276.5L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(156, 215, 163)" opacity="1" stroke="none"></path><path d="M37.96112139539547,276.5L31.5,273.10107753316976L24.5,270.53812593190054L20.435945116203932,269.5L17.5,268.88378586901683L10.5,267.8523697838408L3.5,267.13130870868287L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280ZM280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L3.5,147.57742393955948L10.5,147.3184042245657L17.5,146.93940749558405L24.5,146.38544480860153L31.5,145.57577901496072L38.5,144.39404081770823L42.19353370665394,143.5L45.5,142.61880385349752L52.5,140.04190723917634L59.5,136.5937379829029L59.66422189677855,136.5L66.5,132.09829861489803L70.36980706702103,129.5L73.5,127.17167611032414L80.5,122.82054067487579L81.9317312413278,122.5L87.5,121.29767112506207L91.00470492998195,122.5L94.5,123.62064168312588L101.5,126.74272904879756L108.5,128.47292745537658L110.50497645454992,129.5L115.5,133.21211149379883L117.76649767895819,136.5L122.5,142.9768920239804L122.84019820081929,143.5L128.8370534504571,150.5L129.5,151.09408428914364L136.5,156.57363047543487L138.04442826168534,157.5L143.5,160.46989485039052L150.5,163.84483316128134L151.33231528101936,164.5L157.5,170.35329643612548L158.19756270584884,171.5L160.65102716007945,178.5L163.67921673679484,185.5L164.5,186.9206409439795L168.2140182764518,192.5L171.5,197.8891907130596L172.19873851252095,199.5L173.07192259810853,206.5L171.66262482864312,213.5L171.5,213.83931285977758L167.04752060436812,220.5L164.5,223.56962717041802L160.72447236336117,227.5L157.5,230.6958459230687L153.3836597171901,234.5L150.5,237.2799684647104L146.0295695387202,241.5L143.5,244.1325024446101L139.64814522720764,248.5L136.5,252.63920579046905L134.5360325971577,255.5L130.56673926232645,262.5L129.5,264.8875362263881L127.33239785706844,269.5L124.90402735417368,276.5L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(169, 221, 162)" opacity="1" stroke="none"></path><path d="M16.371121127160436,276.5L10.5,275.3919994239998L3.5,274.4663066095014L0,276.5L3.5,280L10.5,280ZM280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L3.5,144.37370213891964L10.5,144.10800458704625L17.5,143.71822325474233L20.182612089384897,143.5L24.5,143.10967721580727L31.5,142.1923458796113L38.5,140.86767096037426L45.5,138.97121199438763L51.997191584225114,136.5L52.5,136.28771480482945L59.5,132.45049905720782L63.93339551030591,129.5L66.5,127.66344661245171L73.23680389917065,122.5L73.5,122.29690742188919L80.5,117.7774029324963L87.5,115.88442490847555L94.5,118.93758865262045L99.73943196405648,122.5L101.5,123.37972629904506L108.5,126.20107398000144L114.93992386908201,129.5L115.5,129.91622727582075L120.0385071817358,136.5L122.5,139.86808183885955L124.8619827656701,143.5L129.5,148.77257255360914L131.20318137700414,150.5L136.5,154.75374952494482L141.07850429539226,157.5L143.5,158.8182097071239L150.5,162.6695036446165L152.82543834394252,164.5L157.5,168.93628303464453L159.059560290666,171.5L161.96501011999663,178.5L164.5,183.77457747937973L165.48676072370756,185.5L170.77749117336654,192.5L171.5,193.68495420430767L174.02245655799567,199.5L175.23150583566718,206.5L173.90957411657337,213.5L171.5,218.52751942100264L170.1814529865493,220.5L164.5,227.34584942122189L164.35192250312735,227.5L157.5,234.29109203900137L157.27394810045342,234.5L150.5,241.03036902675706L150.00250309961214,241.5L143.5,248.26710208744618L143.29459886933728,248.5L137.85436597567445,255.5L136.5,257.60450709920224L133.62802165097128,262.5L130.4487724519813,269.5L129.5,272.3094876693678L127.99384957309256,276.5L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(182, 226, 161)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L3.5,140.89611933382315L10.5,140.5990175858801L17.5,140.1642285954548L24.5,139.52974135198076L31.5,138.60543961858744L38.5,137.26241438166926L41.272213233467916,136.5L45.5,135.19733248725728L52.5,132.23879591386432L57.405383858951446,129.5L59.5,128.2477130355249L66.5,123.20265830525727L67.41676578958453,122.5L73.5,117.80593456684134L76.89472902431301,115.5L80.5,113.36091355841197L87.5,111.95557821212034L94.5,114.72045112641531L95.43767132058093,115.5L101.5,120.29758400238731L105.27977178224296,122.5L108.5,123.92922050462629L115.5,128.00858678155032L116.96216671749113,129.5L122.3105166845134,136.5L122.5,136.7592716537387L126.88376733052093,143.5L129.5,146.47417535770413L133.4693184059154,150.5L136.5,152.93386857445475L143.5,157.21953077413278L143.89255694444273,157.5L150.5,161.49417412795165L154.31856140686568,164.5L157.5,167.51926963316356L159.92155787548322,171.5L163.27899307991385,178.5L164.5,181.04056067586535L167.05033159833286,185.5L171.5,191.08948346254817L172.4826822601411,192.5L175.8461746034704,199.5L177.39108907322583,206.5L176.15652340450364,213.5L172.78856888772714,220.5L171.5,222.47994800523003L167.2654781525824,227.5L164.5,230.6387255924306L160.60727070603363,234.5L157.5,237.7322814589275L153.6040967899832,241.5L150.5,244.80093786548767L146.93339296515882,248.5L143.5,252.5654731273913L141.21254849312797,255.5L136.69516472885144,262.5L136.5,262.8776490226362L133.35190725038936,269.5L130.93647143541537,276.5L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(194, 230, 159)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L61.018890116279024,3.5L61.373322133300704,10.5L61.596473170648,17.5L61.14547549892244,24.5L59.5,27.133797240551775L58.82373249131187,24.5L57.43235395595852,17.5L55.664071803852984,10.5L52.62276143468267,3.5L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L3.5,137.3158451440609L10.5,137.02027081219282L17.5,136.58604881586044L18.44711771758179,136.5L24.5,135.8640742884071L31.5,134.80530882766547L38.5,133.29349398466434L45.5,131.15816150422694L49.41454313680117,129.5L52.5,128.07729319620668L59.5,123.91208698164179L61.451640170470284,122.5L66.5,118.85072531708013L70.79720832934225,115.5L73.5,113.58107425825284L80.5,109.43817841118896L85.52045874388365,108.5L87.5,108.23096290376064L88.11147755365712,108.5L94.5,111.5870852340376L99.20660414022396,115.5L101.5,117.31493941847064L108.5,121.79114190525439L109.49935223879571,122.5L115.5,126.30160383604372L118.63567585591696,129.5L122.5,134.51091971741656L123.94036811338711,136.5L128.90555189537173,143.5L129.5,144.17577816179912L135.73545543482663,150.5L136.5,151.11398762396473L143.5,155.8303824192592L145.83686948668569,157.5L150.5,160.31884461128678L155.81168446978882,164.5L157.5,166.10225623168262L160.7835554603004,171.5L164.5,178.38697149350915L164.56595564444922,178.5L168.61390247295816,185.5L171.5,189.12539248827116L173.85103017133403,192.5L177.6698926489451,199.5L178.5,202.88350609297785L179.09647207308404,206.5L178.5,212.9320513332864L178.4034726924339,213.5L175.01304851253724,220.5L171.5,225.89796782377948L170.1486513969299,227.5L164.5,233.91103119390291L163.90623330985434,234.5L157.5,241.16396690471737L157.1525344448339,241.5L150.56549479831492,248.5L150.5,248.57851707664463L144.58514575345802,255.5L143.5,257.01318978006327L139.85122177089394,262.5L136.5,268.9847046587937L136.25504204879735,269.5L133.7390984572374,276.5L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(205, 235, 159)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L95.9955362273579,3.5L95.59339788119561,10.5L95.0517269175287,17.5L94.5,22.869307772349714L94.17234988323759,24.5L92.40882846538143,31.5L90.49581004436291,38.5L88.61941714443813,45.5L87.5,50.12086671198732L86.76979541420695,52.5L85.18573064625355,59.5L83.91682604861799,66.5L80.5,69.24502077134727L75.90301913100535,66.5L73.5,64.96113032418783L66.99209636496542,59.5L66.5,59.04016614897426L59.854034718301186,52.5L59.5,52.0976409625475L53.34937632125797,45.5L52.5,44.3908819452602L47.26598317047396,38.5L45.5,35.94234549893057L41.66288974625121,31.5L38.5,26.573756850464157L36.74049915025406,24.5L32.4907801285065,17.5L31.5,15.274242777822494L28.676314496314493,10.5L25.7262706047276,3.5L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L3.5,133.2515130085888L10.5,132.91954400287528L17.5,132.43354893816306L24.5,131.72631352808276L31.5,130.70214632476126L37.195189479520984,129.5L38.5,129.1850683400533L45.5,126.82522723694441L52.5,123.68043537837747L54.493370950610725,122.5L59.5,119.4766636760686L65.07630890879209,115.5L66.5,114.54321754718288L73.5,109.63705027315706L75.42356895212205,108.5L80.5,105.94991165596198L87.5,105.37801025396853L94.5,108.46137329030411L94.54245337692977,108.5L101.5,114.52547944232815L102.52133169989992,115.5L108.5,119.87996375058941L112.19374224683708,122.5L115.5,124.59462089053714L120.3091849943428,129.5L122.5,132.3408585045509L125.51179134978364,136.5L129.5,141.9765894247509L130.7582530628102,143.5L136.5,149.3058378976436L137.82532726917398,150.5L143.5,154.44123406438564L147.78118202892864,157.5L150.5,159.1435150946219L157.30480753271198,164.5L157.5,164.68524283020167L161.6455530451176,171.5L164.5,176.78959724758818L165.4980731348703,178.5L170.17747334758346,185.5L171.5,187.16130151399415L175.21937808252696,192.5L178.5,198.20382143721707L179.05483934548909,199.5L180.32247858099552,206.5L179.87525278350313,213.5L178.5,217.89419398979206L177.2375281373474,220.5L172.6900085775847,227.5L171.5,229.16641436468146L166.77735964239662,234.5L164.5,237.15275626360943L160.31160524445806,241.5L157.5,244.6739736068075L153.88757247388904,248.5L150.5,252.56112079760246L147.98853788662558,255.5L143.5,261.7590759221281L143.00727881293645,262.5L139.27184489394006,269.5L136.5440032037509,276.5L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(215, 239, 159)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L104.08046700842485,3.5L103.60973047677462,10.5L102.97266483569744,17.5L102.1273701868954,24.5L101.5,28.40985753323717L100.86424918906798,31.5L99.05346859095029,38.5L97.01660676901606,45.5L94.92266693038648,52.5L94.5,53.85357282723817L92.3000583800595,59.5L90.60225165562915,66.5L89.7475555376942,73.5L87.5,78.16941747933089L80.5,75.28776216048973L78.01975441124618,73.5L73.5,69.8905503204052L68.90357232614932,66.5L66.5,64.3182049640315L60.167352711555644,59.5L59.5,58.83976372278636L52.5,53.39748629748631L50.99089579192686,52.5L45.5,48.132259760166455L41.07574676441427,45.5L38.5,43.40220126390725L31.5,39.29427035344276L29.61888485581767,38.5L24.5,35.584892257466535L17.5,32.697455889825335L13.424358171571619,31.5L10.5,30.345853216515376L3.5,28.438298418127438L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L3.5,128.9433793251327L10.5,128.56433008639712L17.5,128.01246255050333L24.5,127.21774230527339L31.5,126.08568444426167L38.5,124.49327975326668L44.805610969810886,122.5L45.5,122.25711156545283L52.5,118.98121839158138L58.554135718597685,115.5L59.5,114.96026391412323L66.5,110.31794455972391L69.13738658976584,108.5L73.5,105.6736464266814L80.5,102.5982175652092L87.5,102.5250576041764L94.5,105.84620706240999L97.41669864609541,108.5L101.5,112.03628221235341L105.1300976394814,115.5L108.5,117.96878559592446L114.88813225487847,122.5L115.5,122.88763794503056L121.98269413276866,129.5L122.5,130.17079729168526L127.08321458618019,136.5L129.5,139.81871840218287L132.54053544118466,143.5L136.5,147.50366119256344L139.82545265114663,150.5L143.5,153.05208570951206L149.7254945711716,157.5L150.5,157.96818557795706L157.5,163.80856215540382L158.13494321989543,164.5L162.5075506299348,171.5L164.5,175.1922230016672L166.43019062529143,178.5L171.5,185.30706195031655L171.66619467101287,185.5L176.58772599371989,192.5L178.5,195.8247566300645L180.07321659564406,199.5L181.548485088907,206.5L181.31223738040222,213.5L179.1983927584923,220.5L178.5,221.99388533963963L174.92982167301523,227.5L171.5,232.3029100057487L169.55457967948837,234.5L164.5,240.38776917578323L163.42841026784265,241.5L157.5,248.19248208209467L157.20965014946316,248.5L151.3321861767998,255.5L150.5,256.6684436311729L146.24516445787555,262.5L143.5,267.26166816811406L142.29912254698525,269.5L139.49962098595245,276.5L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(224, 243, 161)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L110.07057353246654,3.5L109.58559002601025,10.5L108.92477204665617,17.5L108.5,20.784209261686296L107.91334389295207,24.5L106.46181247913347,31.5L104.668668771891,38.5L102.55985594732844,45.5L101.5,48.47534068835658L99.91805234412882,52.5L97.22134374874098,59.5L95.15576805551547,66.5L94.5,70.56323061714446L93.94285217484494,73.5L93.00291347270057,80.5L87.5,83.55996142940594L82.99510952287454,80.5L80.5,78.99551614400318L73.5,74.05212711880823L72.69405854250292,73.5L66.5,69.15077894912403L62.26727130345184,66.5L59.5,64.45364941821344L52.5,60.46077120383036L50.26022722257421,59.5L45.5,57.07338515244543L38.5,54.40990123430493L31.766229508196748,52.5L31.5,52.40782515547974L24.5,50.8369290474746L17.5,49.72760556267022L10.5,48.96811323705097L3.5,48.46364403866602L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L3.5,123.80417812085648L10.5,123.4732506209928L17.5,122.98607619153597L22.274336790995402,122.5L24.5,122.22517859089423L31.5,120.9922749929887L38.5,119.30701419426202L45.5,117.06551021716307L49.15303480893511,115.5L52.5,113.98649238153656L59.5,110.18678327988391L62.17959063034211,108.5L66.5,105.71277278720005L73.5,101.70239217655504L73.99322296410598,101.5L80.5,98.80868672201998L87.5,99.108445049396L90.94298195562001,101.5L94.5,103.23104083451585L100.29094391526104,108.5L101.5,109.54708498237868L107.73886357906288,115.5L108.5,116.05760744125948L115.5,121.17124800230118L116.67718084057852,122.5L122.5,128.428626530301L123.48092861732603,129.5L128.65463782257672,136.5L129.5,137.66084737961478L134.3228178195591,143.5L136.5,145.7014844874833L141.82557803311926,150.5L143.5,151.6629373546385L150.5,156.86092174117923L151.05910408073518,157.5L157.5,163.01314073933096L158.86537392894937,164.5L163.36954821475197,171.5L164.5,173.59484875574623L167.36230811571255,178.5L171.5,184.05553925324574L172.74424227876094,185.5L177.9560739049128,192.5L178.5,193.44569182291198L181.09159384579897,199.5L182.77449159681848,206.5L182.74922197730126,213.5L180.81330744264923,220.5L178.5,225.44824156268933L177.16963476844575,227.5L172.19323562496027,234.5L171.5,235.45886948171741L166.3061431588125,241.5L164.5,243.72063501257085L160.24774842264216,248.5L157.5,251.94384916318697L154.50761006051232,255.5L150.5,261.1269457267813L149.4981885189027,262.5L145.41590198698955,269.5L143.5,273.91389150532007L142.455238768154,276.5L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(232, 246, 164)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L115.04920805972301,3.5L114.46134119937807,10.5L113.66467243814829,17.5L112.60230362940727,24.5L111.21627079343796,31.5L109.45807831053202,38.5L108.5,41.49511534028525L107.0869149522587,45.5L104.28592647688049,52.5L101.5,59.32696263212743L101.42715740844363,59.5L98.72472133628516,66.5L97.18723519229957,73.5L96.80390891054905,80.5L95.91201249689054,87.5L94.5,90.26288891675522L87.5,88.8622041250614L86.88791583728296,87.5L80.5,84.0077545070828L76.38690791858338,80.5L73.5,78.60223316092288L66.5,74.0204367532745L65.50823475619303,73.5L59.5,70.74267016203444L52.5,67.91964114425205L47.70449674621792,66.5L45.5,65.85484946885266L38.5,64.50372824543336L31.5,63.54136932602158L24.5,62.88530596808826L17.5,62.45367472068659L10.5,62.181920817746715L3.5,62.02241668970961L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L3.5,117.63522609976008L10.5,117.30927252235328L17.5,116.82726325260052L24.5,116.12902801497039L28.872335086279207,115.5L31.5,115.03801574173781L38.5,113.3363967661181L45.5,111.16056492153866L52.5,108.5083583161715L52.51647789632919,108.5L59.5,104.50365270587616L64.94448762340822,101.5L66.5,100.41511438650414L73.5,96.37487893648965L80.5,94.80577890029585L87.5,95.37574001810087L94.5,98.82513847133308L96.07109772311783,101.5L101.5,106.17937767901832L103.26636149044862,108.5L108.5,113.45544583928401L110.14865614485414,115.5L115.5,119.45209418122985L118.20023024609382,122.5L122.5,126.87790155236877L124.90074211045217,129.5L129.5,135.62619534822304L130.2720879511781,136.5L136.10510019793355,143.5L136.5,143.89930778240316L143.5,150.24266728429137L143.72128260838753,150.5L150.5,155.79872280269518L151.9883795690844,157.5L157.5,162.21771932325808L159.5958046380033,164.5L164.23154579956918,171.5L164.5,171.99747450982525L168.29442560613364,178.5L171.5,182.80401655617493L173.822289886509,185.5L178.5,191.6465311669706L179.09569555284045,192.5L182.10997109595394,199.5L184.00049810472999,206.5L184.18620657420033,213.5L182.42822212680616,220.5L179.22938498171956,227.5L178.5,228.83387242749717L174.50781668298367,234.5L171.5,238.66035114190635L169.05861430181895,241.5L164.5,247.10477084999243L163.2586498688633,248.5L157.6709051248583,255.5L157.5,255.748800499853L152.64716401506945,262.5L150.5,266.24649406205884L148.59152979875927,269.5L145.53846219829208,276.5L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(238, 248, 168)" opacity="1" stroke="none"></path><path d="M23.454595092924244,108.5L24.5,108.35482794037631L31.5,106.97321332611165L38.5,105.2149067134803L45.5,103.11094394362861L49.99884552025548,101.5L52.5,99.86156172116735L59.5,95.53513646514753L61.379994077557065,94.5L66.5,89.31487790914294L69.33867867270281,87.5L66.5,85.07777815511315L60.5492925725637,80.5L59.5,80.18005749530087L52.5,78.72595804376411L45.5,77.66455837404322L38.5,76.9706879862856L31.5,76.54960882385062L24.5,76.3208606956019L17.5,76.22502666400285L10.5,76.21946284495257L3.5,76.27326940422503L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L3.5,109.6536593021405L10.5,109.39477239614347L17.5,108.99871363993708ZM280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L119.02488759775946,3.5L118.50243810210657,10.5L117.78940724551927,17.5L116.82820716779901,24.5L115.55361433529404,31.5L115.5,31.718869742812082L113.56224814498029,38.5L111.15543779892509,45.5L108.5,52.17392870641743L108.36298235823536,52.5L105.18311959251801,59.5L102.30977668705569,66.5L101.5,69.03467419786875L100.28599484949551,73.5L99.68130730684256,80.5L99.87325736258269,87.5L99.94014591230957,94.5L100.71826851697968,101.5L101.5,102.17380414420207L106.31523798150405,108.5L108.5,110.56863157144367L112.47648104339382,115.5L115.5,117.73294036015852L119.72327965160916,122.5L122.5,125.32717657443652L126.32055560357828,129.5L129.5,133.73500876425248L131.9431277790663,136.5L136.5,141.94553700785525L137.84702298776477,143.5L143.5,148.6624023179092L145.08016600081402,150.5L150.5,154.73652386421116L152.9176550574336,157.5L157.5,161.42229790718523L160.32623534705726,164.5L164.5,170.74719491655003L165.1199060125916,171.5L169.22654309655476,178.5L171.5,181.55249385910415L174.90033749425706,185.5L178.5,190.22997198315312L180.08441121939873,192.5L183.12834834610888,199.5L185.22650461264146,206.5L185.5,211.5567078272702L185.5914958168003,213.5L185.5,214.10747795052652L184.04313681096306,220.5L181.02573428172536,227.5L178.5,232.11896995690145L176.82239774100714,234.5L171.77282432015787,241.5L171.5,241.88523333401056L166.1271389555847,248.5L164.5,250.67562970352893L160.6359082428444,255.5L157.5,260.0651968538665L155.74983688846382,262.5L151.73514658235874,269.5L150.5,272.37180341833204L148.69145404401525,276.5L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(244, 249, 173)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.83133503022547,3.5L122.5,8.286593735832652L122.31760325249206,10.5L121.52543417126351,17.5L120.46452754592019,24.5L119.07184611997107,31.5L117.29165235083987,38.5L115.5,44.15623286655701L115.01588228719821,45.5L112.0653988795857,52.5L108.92628518958813,59.5L108.5,60.488014348818155L105.95113688915278,66.5L103.77788776815069,73.5L102.88500653064757,80.5L103.5189672506423,87.5L104.61639311661614,94.5L107.02853477085897,101.5L108.5,104.56989249343214L109.39951181611997,108.5L114.80430594193348,115.5L115.5,116.01378653908719L121.24632905712447,122.5L122.5,123.77645159650427L127.74036909670443,129.5L129.5,131.84382218028193L133.61416760695448,136.5L136.5,139.9486170190607L139.57745796320413,143.5L143.5,147.08213735152702L146.4390493932405,150.5L150.5,153.67432492572715L153.84693054578278,157.5L157.5,160.62687649111234L161.05666605611117,164.5L164.5,169.65390303453736L166.0201897992941,171.5L170.15866058697588,178.5L171.5,180.30097116203333L175.97838510200512,185.5L178.5,188.81341279933565L181.07312688595704,192.5L184.14672559626382,199.5L185.5,203.91736367097332L186.22101401140606,206.5L186.658764503747,213.5L185.6275229039203,220.5L185.5,220.93124666544105L182.8220835817311,227.5L179.04535670564772,234.5L178.5,235.43424401101322L174.18676261536248,241.5L171.5,245.29376193226508L168.89572497669081,248.5L164.5,254.37747579578786L163.6009113608305,255.5L158.80115968402754,262.5L157.5,264.85030704251216L154.8305514522496,269.5L151.83677458535294,276.5L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(248, 249, 176)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L126.03611467188605,3.5L125.51479414569705,10.5L124.80366619627576,17.5L123.84543378624102,24.5L122.57651231968325,31.5L122.5,31.819988293824995L120.68584756245592,38.5L118.38330134357005,45.5L115.72712777166734,52.5L115.5,53.073447970487535L112.63200054588383,59.5L109.70886172034949,66.5L108.5,70.24431406095995L107.52300507361687,73.5L106.64924012109344,80.5L106.94480405591173,87.5L108.19840359663517,94.5L108.5,95.18309549016188L110.42966565109009,101.5L112.57328163098197,108.5L115.5,112.47653888415121L117.10411801462155,115.5L122.5,122.01167306713498L123.04632309717533,122.5L129.16018258983055,129.5L129.5,129.95263559631135L135.28520743484268,136.5L136.5,137.9516970302661L141.30789293864342,143.5L143.5,145.50187238514485L147.797932785667,150.5L150.5,152.61212598724308L154.77620603413197,157.5L157.5,159.83145507503946L161.78709676516513,164.5L164.5,168.56061115252467L166.9204735859966,171.5L171.090778077397,178.5L171.5,179.04944846496252L177.05643270975318,185.5L178.5,187.39685361551815L182.06184255251532,192.5L185.1651028464188,199.5L185.5,200.5931726157369L187.14905343394426,206.5L187.72603319069373,213.5L186.9305071619997,220.5L185.5,225.33757367921447L184.6184328817369,227.5L181.02701182930235,234.5L178.5,238.82899356116175L176.6007009105671,241.5L171.6504778333472,248.5L171.5,248.7267629691084L166.47507639281113,255.5L164.5,258.53695401253697L161.7860348911684,262.5L157.92174749275162,269.5L157.5,270.52034257862067L154.9717757031799,276.5L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(251, 248, 176)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L129.24089431354665,3.5L128.6809573261351,10.5L127.92033474052535,17.5L126.90158185680222,24.5L125.56490415762273,31.5L123.86200451177083,38.5L122.5,43.06234400687647L121.68002749599104,45.5L119.01600181189734,52.5L116.28132213430884,59.5L115.5,61.885506709856564L113.7380724098565,66.5L111.91484340762015,73.5L111.07156231558182,80.5L111.08580192502328,87.5L111.72667906708827,94.5L112.90799983117688,101.5L115.5,108.01509405839496L115.68467665088599,108.5L119.3919896496858,115.5L122.5,119.25070235882825L126.13520058284425,122.5L129.5,126.62180651563503L131.3954840379766,129.5L136.5,135.67672250179726L137.02031756154278,136.5L143.03832791408274,143.5L143.5,143.92160741876268L149.1568161780935,150.5L150.5,151.54992704875903L155.70548152248116,157.5L157.5,159.03603365896657L162.51752747421907,164.5L164.5,167.467319270512L167.82075737269912,171.5L171.5,177.65510836981355L172.16999534226238,178.5L178.13448031750124,185.5L178.5,185.98029443170066L183.05055821907357,192.5L185.5,198.00787406434222L186.20485582024244,199.5L188.07709285648247,206.5L188.79330187764043,213.5L188.23349142007913,220.5L186.29726360777508,227.5L185.5,229.51801903090836L183.008666952957,234.5L178.96153315268486,241.5L178.5,242.2794483280333L174.18597960423978,248.5L171.5,252.54764407138094L169.30970857289057,255.5L164.76935470176184,262.5L164.5,263.01354625476375L160.9865669943553,269.5L158.11640227681343,276.5L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(253, 245, 173)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L132.0220816749474,3.5L131.5143911668786,10.5L130.82353587498773,17.5L129.8959903149444,24.5L129.5,26.747080751689538L128.55329599556222,31.5L126.78781719729592,38.5L124.67580005301998,45.5L122.5,51.987666933829445L122.30487585212735,52.5L119.73757433602665,59.5L117.6542413717229,66.5L116.44712826088522,73.5L116.04081483780848,80.5L115.77358974535018,87.5L115.5,90.92209798617382L115.25001422048351,94.5L115.38633401126368,101.5L115.5,101.78570391960811L118.05714275036388,108.5L121.67986128475005,115.5L122.5,116.48973165052149L129.22407806851314,122.5L129.5,122.83799839871897L133.88737623610066,129.5L136.5,132.6614069015097L138.92601966544885,136.5L143.5,141.86200342216569L144.5227973010614,143.5L150.5,150.48117649017394L150.51226785919337,150.5L156.63475701083036,157.5L157.5,158.24061224289372L163.247958183273,164.5L164.5,166.37402738849931L168.72104115940164,171.5L171.5,176.1489983270504L173.3643339740265,178.5L178.5,184.56739651535875L179.30867832258173,185.5L184.03927388563184,192.5L185.5,195.78462408989887L187.25508264553346,199.5L189.00513227902067,206.5L189.86057056458714,213.5L189.53647567815852,220.5L187.8628427722255,227.5L185.5,233.480784316372L184.99032207661165,234.5L181.12637512212206,241.5L178.5,245.9354856976529L176.72148137513236,248.5L172.11633673915827,255.5L171.5,256.5641520204416L167.73709262010897,262.5L164.5,268.67177565680754L164.05138649595892,269.5L161.30113471869313,276.5L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(254, 241, 167)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L134.7660092546405,3.5L134.23171698193974,10.5L133.5073444716389,17.5L132.5399184582256,24.5L131.2773937449258,31.5L129.6874389674774,38.5L129.5,39.19185473850674L127.57193667194812,45.5L125.27029704608972,52.5L123.12479324737966,59.5L122.5,62.512187178586295L121.48256451547182,66.5L120.67522684888502,73.5L120.38072274820219,80.5L119.80516220279985,87.5L118.69187246310672,94.5L118.22714018869004,101.5L120.42960884984177,108.5L122.5,112.53428438716584L129.5,112.784303350051L133.21562035295972,115.5L134.42881371866778,122.5L136.37926843422477,129.5L136.5,129.64609130122216L140.8317217693549,136.5L143.5,139.62797956211878L145.91776576771335,143.5L150.5,148.85189912508577L151.57411793319886,150.5L157.5,157.41462420702032L157.56383083480276,157.5L163.97838889232693,164.5L164.5,165.28073550648662L169.62132494610415,171.5L171.5,174.6428882842873L174.55867260579066,178.5L178.5,183.15637679252728L180.53220051757762,185.5L185.02798955219012,192.5L185.5,193.56137411545552L188.30530947082445,199.5L189.93317170155888,206.5L190.92783925153384,213.5L190.83945993623792,220.5L189.42842193667593,227.5L186.8546160111245,234.5L185.5,237.44913221478097L183.2912170915593,241.5L179.2094591283287,248.5L178.5,249.76436693820295L174.8277715607652,255.5L171.5,261.2456494233859L170.7048305384561,262.5L167.19999127385552,269.5L164.5,276.4637977479699L164.48586716057284,276.5L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(254, 235, 159)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L276.5,178.9404833040421L276.37172482180273,178.5L276.5,178.34463669294695L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L137.33949209555254,3.5L136.87378309224658,10.5L136.5,14.62643611196746L136.1911530682901,17.5L135.1838466015068,24.5L133.87894177444562,31.5L132.25454850086834,38.5L130.35615640038338,45.5L129.5,48.536846347840864L128.21531792871443,52.5L126.23716056024489,59.5L124.9663006019246,66.5L124.51146968870623,73.5L124.31984079466386,80.5L123.6606190071683,87.5L122.5,92.77508355064853L122.127508311868,94.5L121.0853698414765,101.5L122.5,107.06767183122203L129.5,107.79874005778113L131.14773776822148,108.5L136.5,111.96669956031276L138.08562883202788,115.5L138.10159164940765,122.5L138.80281030087843,129.5L142.73742387326098,136.5L143.5,137.39395570207185L147.3127342343653,143.5L150.5,147.22262175999757L152.63596800720435,150.5L157.5,156.17560288611372L158.4901796567776,157.5L164.5,164.2045559017238L164.76287002341002,164.5L170.52160873280664,171.5L171.5,173.13677824152415L175.75301123755477,178.5L178.5,181.74535706969584L181.75572271257354,185.5L185.5,191.47896367005933L186.31867478742697,192.5L189.35553629611545,199.5L190.86121112409708,206.5L191.99510793848054,213.5L192.1424441943173,220.5L190.99400110112632,227.5L188.6782731700424,234.5L185.5,241.41941311498687L185.4560590609965,241.5L181.58578003547063,248.5L178.5,253.9993418219977L177.53920638237204,255.5L173.67040202565389,262.5L171.5,267.1946583593165L170.36296311857322,269.5L167.88113120464314,276.5L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(254, 229, 150)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L276.5,212.9487968213274L269.5,208.31328183721996L267.0729016255481,206.5L264.7202002301496,199.5L265.8689649905458,192.5L265.9737117478254,185.5L264.3297736995898,178.5L269.5,171.78837088541866L269.7388955922316,171.5L276.5,168.7212055352161L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L139.62033326859583,3.5L139.13568430206186,10.5L138.48059553723465,17.5L137.60990824842085,24.5L136.5,31.39700513372234L136.48048980396544,31.5L134.82165803425931,38.5L132.91747683557045,45.5L130.97278905057857,52.5L129.5,58.94712967696388L129.3495278731101,59.5L128.32530914956877,66.5L128.050188174392,73.5L127.87646171667386,80.5L127.1610291947959,87.5L125.9131672835673,94.5L126.25706467693205,101.5L129.5,103.4122858652882L136.5,106.6566951604161L138.17130947587808,108.5L141.08149529920908,115.5L140.6960303758319,122.5L141.22287199734586,129.5L143.5,133.77481726340955L144.4586193757948,136.5L148.7077027010173,143.5L150.5,145.59334439490937L153.69781808120985,150.5L157.5,154.93658156520712L159.4165284787524,157.5L164.5,163.17112110555217L165.68236386555282,164.5L171.42189251950916,171.5L171.5,171.63066819876101L176.94734986931894,178.5L178.5,180.33433734686434L182.97924490756947,185.5L185.5,189.525210197271L187.88520935834924,192.5L190.40576312140647,199.5L191.7892505466353,206.5L192.5,210.64686126204214L193.1223882938761,213.5L193.42244958712755,220.5L192.55816650366,227.5L192.5,227.73497903550162L190.5019303289603,234.5L187.5478198807511,241.5L185.5,245.7153825862353L183.96210094261264,248.5L180.21823856188044,255.5L178.5,259.0457464244714L176.63518058967128,262.5L173.60585346871702,269.5L171.5,275.85001202932625L171.27733368613892,276.5L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(254, 221, 141)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L276.5,219.6207581235371L269.5,216.96303504184823L262.5,214.13072377674405L261.04967244651596,213.5L255.5,208.8747703465381L253.03026275738586,206.5L252.19451245645575,199.5L254.1944821659192,192.5L254.85942759917614,185.5L253.53025419207486,178.5L255.5,175.7071891371485L258.5797731953101,171.5L262.5,169.67787553921943L269.5,166.57641567836103L274.4908315350309,164.5L276.5,163.88185686170675L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L141.90117444163917,3.5L141.39758551187714,10.5L140.71875348638653,17.5L139.820010275123,24.5L138.66415914473214,31.5L137.2466207352455,38.5L136.5,41.753382409422606L135.47879727075747,45.5L133.58514411933498,52.5L132.09949765025078,59.5L131.3696363792154,66.5L131.2555854321591,73.5L131.14897388105487,80.5L130.5622292794825,87.5L129.7562178377116,94.5L133.84440861378638,101.5L136.5,102.82210326970673L141.64810269284513,108.5L143.5,113.64019589797527L143.9228528511136,115.5L143.5,120.43283321527817L143.29046910225608,122.5L143.5,126.54317326342264L143.60581578005946,129.5L146.05673104308855,136.5L150.10267116766926,143.5L150.5,143.96406702982117L154.75966815521534,150.5L157.5,153.69756024430052L160.3428773007272,157.5L164.5,162.13768630938057L166.60185770769556,164.5L171.5,170.47556998811297L172.8719958450543,171.5L178.14168850108308,178.5L178.5,178.92331762403288L184.2027671025654,185.5L185.5,187.5714567244827L189.4517439292715,192.5L191.45598994669746,199.5L192.5,205.16557126287847L192.86874725257042,206.5L194.30354609301375,213.5L194.69376450033124,220.5L194.08659651849004,227.5L192.5,233.9094778985555L192.32558748787818,234.5L189.63806660140605,241.5L186.35278091749163,248.5L185.5,250.34653036123316L182.87948739911874,255.5L179.62802895444025,262.5L178.5,265.52120192207684L176.89359732592027,269.5L174.91102068854048,276.5L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(254, 212, 131)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L276.5,224.9505537627922L269.5,222.83871518022173L262.5,220.67425829802147L261.9600637934871,220.5L255.5,217.75970342061754L248.5,214.49668374476013L246.48015641855446,213.5L241.5,208.15798407687373L239.99492387351643,206.5L240.26490271023368,199.5L241.5,196.72884752400498L243.17885658624309,192.5L244.4277934107575,185.5L243.43539635488509,178.5L248.18823716131956,171.5L248.5,171.33744494359252L255.5,167.94344789971075L262.5,164.68172507678824L262.90880316196456,164.5L269.5,162.33341405409485L276.5,160.16893925909534L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L144.1024684800604,3.5L143.64097025927376,10.5L143.5,12.076096841424086L142.95691143553842,17.5L142.03011230182517,24.5L140.84467094263462,31.5L139.4031544309376,38.5L137.7935230049494,45.5L136.5,51.369642128361676L136.1974991880914,52.5L134.83105667192712,59.5L134.24473306811925,66.5L134.22964010904482,73.5L134.1828715985373,80.5L133.76363457688015,87.5L133.81958702177167,94.5L136.5,98.01180837585025L138.84062858646374,101.5L143.5,106.65343779595639L144.61568802583997,108.5L146.11698961414078,115.5L145.290646414132,122.5L145.39742074997196,129.5L147.6548427103823,136.5L150.5,141.4939085375393L151.46876326009453,143.5L155.82151822922083,150.5L157.5,152.45853892339392L161.26922612270204,157.5L164.5,161.10425151320894L167.52135154983833,164.5L171.5,169.35381821377283L174.37433251590406,171.5L178.5,177.07814388341137L179.7211381113869,178.5L185.42628929756128,185.5L185.5,185.6177032516944L191.01827850019376,192.5L192.5,199.45646447314036L192.52107311040146,199.5L194.44365652537155,206.5L195.48470389215143,213.5L195.96507941353494,220.5L195.61502653332008,227.5L194.1783838572194,234.5L192.5,239.4707900433154L191.72831332206104,241.5L188.76979941962173,248.5L185.54368739793142,255.5L185.5,255.6131950155214L182.66846554929037,262.5L180.2892820668657,269.5L178.56722907852736,276.5L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(254, 203, 123)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L276.5,229.9414468559625L269.5,227.93764405005135L267.99718725566845,227.5L262.5,225.7861795476161L255.5,223.49068914133107L248.5,221.06479987781952L246.98732860546227,220.5L241.5,217.71152916193836L234.5,214.1490340966921L233.15073391907143,213.5L227.5,207.8798448711268L225.6174063262669,206.5L227.5,200.10524057217157L227.6427206868795,199.5L232.38919184557219,192.5L234.5,185.90515453758567L234.6244252325938,185.5L234.55947953366925,178.5L239.11043227804043,171.5L241.5,170.05398384037912L248.5,166.3789689589948L252.35467588261787,164.5L255.5,163.35997293826972L262.5,160.94689053441607L269.5,158.6389917769263L273.16105857074245,157.5L276.5,156.40846268523507L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L146.11728292887963,3.5L145.64026397235324,10.5L144.99941537976545,17.5L144.1553472044039,24.5L143.5,28.742002717743L143.02518274053713,31.5L141.5596881266297,38.5L139.9447396899946,45.5L138.42714552692385,52.5L137.37221400016037,59.5L136.99842306268852,66.5L137.05908257951327,73.5L137.0699589874744,80.5L136.86988151985022,87.5L137.50964405291907,94.5L142.4129255201846,101.5L143.5,102.70234474011346L147.00292805584297,108.5L148.3111263771679,115.5L147.23861368829176,122.5L147.18902571988446,129.5L149.25295437767608,136.5L150.5,138.6888532499591L152.82335479093544,143.5L156.88336830322632,150.5L157.5,151.21951760248731L162.19557494467685,157.5L164.5,160.0708167170373L168.4408453919811,164.5L171.5,168.23206643943269L175.87666918675382,171.5L178.5,175.04689678372864L181.46564180492362,178.5L185.5,183.47738419683446L187.19604187957088,185.5L192.5,192.37337640884093L192.6730254505378,192.5L196.0810469805982,199.5L196.01856579817272,206.5L196.6658616912891,213.5L197.23639432673863,220.5L197.14345654815008,227.5L196.0342617844732,234.5L193.92064087075582,241.5L192.5,245.26085976089553L191.18681792175184,248.5L188.39773203592816,255.5L185.73471992623092,262.5L185.5,263.36194477380764L183.78809669365842,269.5L182.56605476909982,276.5L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(253, 193, 114)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L276.5,234.77983874595134L275.5793671560051,234.5L269.5,232.71266766281423L262.5,230.6123156350415L255.5,228.42603983722427L252.7957231011509,227.5L248.5,225.9124152733892L241.5,223.0016393611978L235.66917345670782,220.5L234.5,219.84104970313825L227.5,215.58923472949093L223.59668831705844,213.5L220.5,210.85218313402433L213.5,206.84348796889356L212.80759710314538,206.5L211.83554907137204,199.5L213.5,199.4235716184574L220.5,195.65791096066437L223.4201788503062,192.5L226.93973106991288,185.5L227.5,180.51899386611345L227.76423117127624,178.5L231.77977733714732,171.5L234.5,169.47807137219527L241.5,165.1803470957086L242.78465580604464,164.5L248.5,162.21544125063033L255.5,159.6730315730651L261.80295507111765,157.5L262.5,157.24616096550787L269.5,154.81502804504396L276.5,152.52640120851115L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L148.13209737769887,3.5L147.63955768543266,10.5L146.97923312741227,17.5L146.11205640176343,24.5L145.01128037415464,31.5L143.69157911520608,38.5L143.5,39.43214230300346L142.09595637503986,45.5L140.6066719496692,52.5L139.6143265864061,59.5L139.31037159528478,66.5L139.42195664595673,73.5L139.4824468444595,80.5L139.41620221739683,87.5L140.47615630703166,94.5L143.5,98.6604682126628L145.1972005999219,101.5L149.39016808584597,108.5L150.5,115.46406785714281L150.50557918825808,115.5L150.5,115.5248150595034L149.18658096245156,122.5L148.98063068979695,129.5L150.5,135.05980796552308L150.85786472504523,136.5L154.17794632177637,143.5L157.5,149.4779666269195L158.10813939960553,150.5L163.12192376665166,157.5L164.5,159.03738192086567L169.36033923412384,164.5L171.5,167.11031466509255L177.37900585760354,171.5L178.5,173.01564968404594L183.21014549846035,178.5L185.5,181.3251050248645L189.0008115281003,185.5L192.5,190.03458322006844L195.86888130565816,192.5L199.5,199.26417067137092L202.62760630609452,199.5L199.5,199.72180119144963L197.59347507097388,206.5L197.84701949042676,213.5L198.50770923994233,220.5L198.67188656298012,227.5L197.89013971172702,234.5L196.17271117861156,241.5L193.7657168377792,248.5L192.5,252.07571588575695L191.2517766739249,255.5L189.1509177646458,262.5L187.5828863580722,269.5L186.7762143931248,276.5L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(253, 183, 106)" opacity="1" stroke="none"></path><path d="M216.1496480097721,192.5L220.5,186.49252070184497L221.11040528131434,185.5L222.50592835793157,178.5L225.79000429248504,171.5L227.5,169.98224559935093L234.5,164.74889784643136L234.90350368680288,164.5L241.5,161.36497887153521L248.5,158.53695323291453L251.34945259243955,157.5L255.5,155.892795651261L262.5,153.35174765346372L269.5,150.93332584143394L270.825262950402,150.5L276.5,147.99805036646157L280,143.5L280,136.5L280,129.5L280,122.5L276.5,118.7562796701924L269.5,116.2341488006554L267.4427257820383,115.5L266.946866328456,108.5L269.5,107.62439928256501L276.5,105.27180311516399L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L150.14691182651808,3.5L149.63885139851212,10.5L148.95905087505912,17.5L148.06876559912297,24.5L146.9432585868523,31.5L145.60233360287265,38.5L144.160606188205,45.5L143.5,49.102810519575186L142.78619837241456,52.5L141.85643917265185,59.5L141.62232012788107,66.5L141.7848307124002,73.5L141.89493470144464,80.5L141.96252291494343,87.5L143.44266856114427,94.5L143.5,94.5788816000973L147.63678281497977,101.5L150.5,106.30793531474933L151.84225475454093,108.5L152.83147240241897,115.5L151.17217474801873,122.5L150.78077404473618,129.5L152.48692512721777,136.5L155.5325378526173,143.5L157.5,147.04040728898462L159.55855766511343,150.5L164.0482725886265,157.5L164.5,158.00394712469406L170.2798330762666,164.5L171.5,165.9885628907524L178.5,171.17567673717L179.05674550554875,171.5L184.95464919199708,178.5L185.5,179.17282585289462L190.8055811766297,185.5L192.5,187.69579003129596L199.06473716077858,192.5L199.5,193.31082233306972L206.5,195.99593463793897L213.5,194.42830306652175ZM280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L276.5,239.7166891214471L269.5,237.53993116030466L262.5,235.2996777074282L260.22465525806393,234.5L255.5,232.9176911544228L248.5,230.26878260320848L241.87594239728926,227.5L241.5,227.33462201864313L234.5,223.55600018834278L228.9352006859225,220.5L227.5,219.5880672280353L220.5,215.02996466682688L218.10843629736416,213.5L213.5,209.97118979453242L206.5027771365376,206.5L206.5,206.4967591272887L199.5,205.32101890633606L199.16838434377502,206.5L199.02817728956444,213.5L199.5,218.0177706086286L199.9174678988831,220.5L200.34791238262716,227.5L199.78816765032806,234.5L199.5,236.02120323820975L198.42478148646734,241.5L196.53719723938724,248.5L194.4498911851888,255.5L192.58533529109357,262.5L192.5,263.110372741462L191.661227108485,269.5L191.56863860896252,276.5L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(252, 171, 99)" opacity="1" stroke="none"></path><path d="M216.32582910363473,185.5L217.75311492396307,178.5L220.5,171.64123978655203L220.56604946810998,171.5L227.5,165.34557874185953L228.6299745434305,164.5L234.5,161.0990067815314L241.5,157.72131114379147L242.0459001438761,157.5L248.5,154.68136880083287L255.5,151.97864685159695L259.59662900805654,150.5L262.5,149.0695407376404L269.5,145.81239957495848L274.79943603816037,143.5L276.5,142.11718115747874L280,136.5L280,129.5L276.5,124.93091413037328L272.11345157610333,122.5L269.5,121.5203806214356L262.5,118.92407881264712L255.5,116.36355190873003L253.3072593825666,115.5L252.49517277961348,108.5L255.5,107.2916381177966L262.5,104.77734926204698L269.5,102.36497793282892L272.06010285706714,101.5L276.5,100.39564304859996L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L276.5,7.960641624029551L273.61022758414794,3.5L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L152.41051789960363,3.5L151.80877285505102,10.5L151.00482182626982,17.5L150.5,20.84285886718798L150.02547479648248,24.5L148.87523679954992,31.5L147.51308809053916,38.5L146.06258463232734,45.5L144.78767806410642,52.5L144.0199602298641,59.5L143.87262640117297,66.5L144.05083177912303,73.5L144.18118026900234,80.5L144.33305341406734,87.5L145.73026398140973,94.5L150.07636503003764,101.5L150.5,102.21137095128549L154.35068118517506,108.5L155.15736561657982,115.5L153.23564973086565,122.5L152.6285708194449,129.5L154.1159855293903,136.5L156.88712938345822,143.5L157.5,144.6028479510498L161.0089759306213,150.5L164.5,156.271437660215L165.27142530038307,157.5L171.19932691840938,164.5L171.5,164.8668111164123L178.5,169.8979731122022L181.25009958202443,171.5L185.5,176.66697304409922L187.14870449982743,178.5L192.5,185.31327981964483L192.7013835054582,185.5L199.5,190.4348932337072L206.5,192.3199323003376L213.5,188.97738652518652ZM280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L276.5,244.93468384509197L269.5,242.48441522767396L266.9128169450335,241.5L262.5,240.01327729001312L255.5,237.38238324122472L248.78716564373872,234.5L248.5,234.3859196909356L241.5,230.9143189158391L235.3959037681097,227.5L234.5,227.0121049069175L227.5,222.5676204909611L224.60305255892428,220.5L220.5,217.64302886284145L214.02382596658663,213.5L213.5,213.09889162017123L206.5,209.3442269154028L201.5396631408472,213.5L201.8195726437586,220.5L202.19846794080894,227.5L201.96201170398163,234.5L200.92350365674602,241.5L199.5,247.68318064350373L199.30867764099526,248.5L197.9154551557564,255.5L196.92891895390508,262.5L196.76527376059036,269.5L197.7244756175336,276.5L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(250, 160, 92)" opacity="1" stroke="none"></path><path d="M211.4346592763403,185.5L213.25491399109245,178.5L213.5,177.75423184339567L215.56722859379255,171.5L220.5,166.76445886977385L223.0624449656288,164.5L227.5,161.5774948602177L234.5,157.50907432173224L234.5187876409757,157.5L241.5,153.82529335731894L248.5,150.75626391402506L249.16473677138015,150.5L255.5,147.127310850291L262.5,143.72669708701645L262.99157826719613,143.5L269.5,137.81717022412872L271.1306036031713,136.5L271.03339265202754,129.5L269.5,128.62415070185435L262.5,124.69574041399491L258.49503310775583,122.5L255.5,121.36298836776179L248.5,118.5271232046995L241.9993145412754,115.5L241.5,111.30681879395476L241.22587589280823,108.5L241.5,108.33695066484998L248.5,104.91770641494301L255.5,102.07260490570985L257.0847679724494,101.5L262.5,100.06712665710953L269.5,98.2857330832917L276.5,96.52371827122478L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L276.5,26.246755632639754L274.17649826603184,24.5L269.5,20.226074239209254L266.53631168603636,17.5L262.5,12.760052636542095L260.6825817081326,10.5L256.39671974921635,3.5L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L154.72698790190157,3.5L154.10779546148606,10.5L153.28216670658077,17.5L152.2058085831363,24.5L150.85384028307382,31.5L150.5,33.04122068672397L149.42384257820572,38.5L147.96456307644968,45.5L146.70244976884743,52.5L145.9676771288549,59.5L145.85640542969304,66.5L146.06030610813195,73.5L146.2164703537653,80.5L146.43567975192553,87.5L148.00447993803255,94.5L150.5,98.49299911847591L152.6172959269384,101.5L156.85910761580917,108.5L157.4832588307407,115.5L155.29912471371256,122.5L154.4763675941536,129.5L155.74504593156286,136.5L157.5,141.14104598995607L158.51534315269592,143.5L162.45939419612918,150.5L164.5,153.87357433007026L166.77706516889657,157.5L171.5,163.26345925700522L172.70864956451993,164.5L178.5,168.62026948723445L183.44345365850015,171.5L185.5,174.00032199943462L189.54720691281977,178.5L192.5,182.25950189105103L195.9949777114051,185.5L199.5,188.0441809800371L206.5,188.80659468903178ZM280,276.5L280,269.5L280,262.5L280,255.5L276.5,250.62318672297135L271.44917234688927,248.5L269.5,247.8078236628644L262.5,245.06362654775864L255.5,241.87787845698912L254.85972981159065,241.5L248.5,238.47022994960128L241.5720126927114,234.5L241.5,234.46412409150744L234.5,230.15500573847302L230.96435421818938,227.5L227.5,225.24605799986998L220.8502881026637,220.5L220.5,220.25609305885598L213.5,215.70268773121828L208.91951819249485,213.5L206.5,212.18970720319632L204.93603259274255,213.5L203.72167738863408,220.5L204.04902349899072,227.5L204.1358557576352,234.5L203.6475767591929,241.5L202.75574999404435,248.5L201.9466132260683,255.5L201.83863091374891,262.5L202.98786924536466,269.5L205.730036049922,276.5L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(249, 148, 86)" opacity="1" stroke="none"></path><path d="M203.1521467845464,185.5L206.5,184.5162763784403L208.28765058431918,178.5L210.00514965074723,171.5L213.5,168.36569667998316L217.54603949261895,164.5L220.5,162.5636026400702L227.5,158.00314303584227L228.36568414548256,157.5L234.5,153.62039655900446L240.39707266849632,150.5L241.5,149.67343177308825L248.5,145.37564042237346L252.05894452932972,143.5L255.5,139.8910059083646L259.1201490620398,136.5L258.3905353977442,129.5L255.5,127.86550676814447L248.5,123.73762956026735L246.6704854024764,122.5L241.5,120.02266088102913L234.5,116.09008282191718L233.54104547703798,115.5L232.85722657488338,108.5L234.5,107.41651706392892L241.5,103.23282761707944L244.9992578550114,101.5L248.5,100.22571977145194L255.5,98.12343332240704L262.5,96.2451202101053L269.2642725231476,94.5L269.5,94.38408142250563L276.5,91.01364441459258L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L276.5,38.34549364546857L269.5,33.55321089767396L266.5049378442836,31.5L262.5,28.44980105553621L257.5657559956894,24.5L255.5,22.491619020349205L251.0837898773094,17.5L248.5,13.781150518744415L246.69683080664328,10.5L243.7658395045848,3.5L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L157.04345790419947,3.5L156.4068180679211,10.5L155.55951158689174,17.5L154.45773638523443,24.5L153.07903010264744,31.5L151.46218281128958,38.5L150.5,42.471628238281795L149.866541520572,45.5L148.61722147358847,52.5L147.91539402784574,59.5L147.84018445821312,66.5L148.0697804371409,73.5L148.25176043852824,80.5L148.53830608978376,87.5L150.27869589465533,94.5L150.5,94.85410137991829L155.1795244276791,101.5L157.5,105.34178746936512L160.1258241761542,108.5L160.72086649290952,115.5L157.5,122.06002194265653L157.36259969655944,122.5L156.3241643688623,129.5L157.37410633373537,136.5L157.5,136.83293081880976L160.36964604347898,143.5L163.90981246163707,150.5L164.5,151.47571099992547L168.28270503741007,157.5L171.5,161.42610719769831L174.50455865925207,164.5L178.5,167.34256586226667L185.5,171.3684226701813L185.82735936791252,171.5L191.94570932581217,178.5L192.5,179.20572396245723L199.28857191735202,185.5L199.5,185.65346872636704ZM280,276.5L280,269.5L280,262.5L276.5,257.3287434313381L272.9821401695813,255.5L269.5,254.06771237840928L262.5,250.73165944455937L258.8339007352772,248.5L255.5,246.93655706387716L248.5,242.83489084921973L246.8129883672055,241.5L241.5,238.3442508655496L236.53419969800328,234.5L234.5,233.24642414159814L227.5,228.04877865116197L226.86931522538367,227.5L220.5,223.03133502043903L216.9844324263645,220.5L213.5,218.22941222284734L206.5,217.27596481557077L205.62378213350954,220.5L205.89957905717253,227.5L206.3096998112888,234.5L206.37164986163975,241.5L206.25291844343332,248.5L206.4542200480927,255.5L206.5,255.86127883202835L207.88009369628048,262.5L210.9427195704682,269.5L213.5,273.459217829233L216.0161788980059,276.5L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(247, 135, 81)" opacity="1" stroke="none"></path><path d="M199.94934925060997,178.5L202.45833478796484,171.5L206.5,169.0305294689491L211.6229360646278,164.5L213.5,163.4329231384924L220.5,158.89522594590542L222.64781175769116,157.5L227.5,154.13884211963853L233.27292520529704,150.5L234.5,149.4066643752413L241.5,144.16478411580118L242.5850395231952,143.5L248.15283090445007,136.5L247.171043296713,129.5L241.5,125.60470105827416L237.6401607661814,122.5L234.5,120.70424238376252L227.5,116.36679303745558L226.02644288370172,115.5L225.22766697830042,108.5L227.5,107.05014083976415L234.5,102.40527287778318L236.0033398052749,101.5L241.5,99.06020947546212L248.5,96.4738604783408L254.9526779597293,94.5L255.5,94.17715255532008L262.5,90.55154983867125L268.6889690307685,87.5L269.5,85.89228188002932L272.31462012373646,80.5L274.0205000689433,73.5L276.4855664561571,66.5L276.5,66.44223752881015L280,59.5L276.5,52.66852264136196L276.456328088582,52.5L269.94909948299954,45.5L269.5,45.17107852875188L262.5,40.013917600916336L260.53953794786185,38.5L255.5,34.83226954530587L251.52992918067835,31.5L248.5,28.678013451077813L244.92253192434066,24.5L241.5,19.666771337563663L240.2616541601267,17.5L237.12614454645876,10.5L234.72400981566417,3.5L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L160.25022364683167,3.5L159.2830688446386,10.5L157.99823160352264,17.5L157.5,19.57549425012696L156.70966418733258,24.5L155.30421992222102,31.5L153.66503637956293,38.5L151.96342620341238,45.5L150.53688421685786,52.5L150.5,52.84029637465643L149.86311092683655,59.5L149.8239634867332,66.5L150.0792547661498,73.5L150.28705052329119,80.5L150.5,84.7666870377443L150.6572258219151,87.5L152.72323890214173,94.5L157.5,101.17525978764495L157.84301690193166,101.5L163.65276751526363,108.5L163.96508401254698,115.5L160.15733182068305,122.5L158.4115465048525,129.5L159.52688778907518,136.5L162.22394893426207,143.5L164.5,148.21954857825725L165.73031675111304,150.5L169.78834490592357,157.5L171.5,159.5887551383914L176.30046775398418,164.5L178.5,166.06486223729888L185.5,169.2589244551819L191.07571030516186,171.5L192.5,173.32609476880765L199.1218489810585,178.5L199.5,178.81372898782615ZM280,276.5L280,269.5L276.5,266.7420533518952L269.94033669147194,262.5L269.5,262.28827119628556L262.5,258.2760677459871L259.0814432485583,255.5L255.5,253.44627695046051L249.3462577780474,248.5L248.5,248.00842470897896L241.5,242.7133140374671L240.31672672333607,241.5L234.5,237.2455958221175L231.64497083352924,234.5L227.5,231.51140497573462L222.88988618150645,227.5L220.5,225.8232733337058L213.5,221.10870891046585L209.21784296160283,227.5L209.67210774424728,234.5L210.2549998238382,241.5L211.02041326181947,248.5L212.49833684210526,255.5L213.5,258.35459307241535L215.75314454701675,262.5L220.5,269.1225406170898L220.85881617791253,269.5L227.5,276.00223207011607L228.16742525552627,276.5L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(244, 124, 77)" opacity="1" stroke="none"></path><path d="M204.3399458856514,164.5L206.5,163.54044522491427L213.5,159.58048201228814L216.75970981569236,157.5L220.5,155.00354348873867L227.08871928191257,150.5L227.5,150.10685888363835L234.5,143.87708558944564L235.00380237345604,143.5L239.44018033573138,136.5L238.41514892694417,129.5L234.5,126.32364937435871L230.16421191012253,122.5L227.5,120.82624320301346L220.5,116.66668762084545L218.2190587948647,115.5L217.1975180569453,108.5L220.5,106.63283890982702L227.5,102.13401838096014L228.451969026062,101.5L234.5,98.53328575084245L241.5,95.3663798173852L243.81751635361667,94.5L248.5,91.10056743913313L254.5682063371147,87.5L255.5,85.1631305829503L257.65694743818625,80.5L259.07521581195294,73.5L261.2241957380785,66.5L262.5,60.54603026446032L262.74090728472504,59.5L262.5,58.62232954410625L260.9086029597735,52.5L255.5,46.39166277684503L254.81595645179388,45.5L248.5,39.843034672257915L247.2985620013789,38.5L241.5,32.404519590896015L240.8011345534478,31.5L235.92093755855763,24.5L234.5,22.038452021485785L232.13817938420345,17.5L229.27044726222184,10.5L227.5,4.850010792143373L227.063742709482,3.5L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L163.6755233884187,3.5L162.6826187767579,10.5L161.36656590006612,17.5L159.66324698637038,24.5L157.54358899112455,31.5L157.5,31.6226816101675L155.86788994783626,38.5L154.15764085585957,45.5L152.74438151717786,52.5L152.00668299703574,59.5L151.9959953237393,66.5L152.3079592418898,73.5L152.5601003867358,80.5L153.00293971957018,87.5L155.18614318295016,94.5L157.5,97.733487094874L161.47849585190687,101.5L164.5,105.15693374321161L168.92699980650636,108.5L168.8993253654084,115.5L164.5,119.79675169490598L163.00422960285658,122.5L160.918168662664,129.5L161.72353208538146,136.5L164.07825182504516,143.5L164.5,144.3745238757837L167.8047298496746,150.5L171.29398477443704,157.5L171.5,157.7514030790845L178.09637684871626,164.5L178.5,164.78715861233115L185.5,167.1494262401825L192.5,168.71988615688514L199.5,167.5739251352257ZM245.81716328963006,269.5L248.5,268.3510791891496L250.16321276816245,262.5L248.5,260.4212264089844L245.93060494369863,255.5L241.5,250.43097135606078L240.25516837174962,248.5L234.5,242.46770830610296L233.7350565568316,241.5L227.5,235.72981301369603L226.20476723717758,234.5L220.5,230.28937360079203L214.47150531070685,227.5L213.5,227.11346974879714L213.24102521500672,227.5L213.1485458907668,234.5L213.5,237.04895339101307L214.95931280596608,241.5L217.3862144730314,248.5L220.5,255.25057182787356L220.71496966715858,255.5L226.91276029296424,262.5L227.5,263.119107071107L234.5,267.71850320677555L240.27543105530077,269.5L241.5,269.87847072433476Z" fill="rgb(240, 112, 74)" opacity="1" stroke="none"></path><path d="M193.8265261351341,164.5L199.5,162.8370158664692L206.5,159.60846734219342L210.26799432788758,157.5L213.5,155.5708363942851L220.5,150.9747992926401L221.19463507175604,150.5L227.5,144.4727341984696L228.59425182274938,143.5L232.2694587716839,136.5L231.17461129888937,129.5L227.5,126.24058208072445L223.03699307995316,122.5L220.5,120.9714155800123L213.5,117.33427260945392L209.44535700110424,115.5L208.19615082444804,108.5L213.5,105.8013597289695L220.5,101.80077097151131L220.96686367178017,101.5L227.5,98.41314421938063L234.5,94.91247878057277L235.40682202068672,94.5L241.5,89.08799106578446L243.67555791079855,87.5L245.90361866119082,80.5L246.83361534629205,73.5L248.2656265580649,66.5L248.5,64.80918091168068L249.4324703159694,59.5L248.5,55.58589331816408L247.91556823502594,52.5L243.59475361880263,45.5L241.5,43.163465476503056L238.10340896596702,38.5L234.5,33.86115326625438L232.8378537213303,31.5L228.37650274736507,24.5L227.5,22.835983567402355L224.58571424844357,17.5L221.57147476158775,10.5L220.5,7.238098171202786L219.12481790939015,3.5L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L168.94122968578017,3.5L167.20181473956868,10.5L164.90128773996298,17.5L164.5,18.437134716715626L162.9962400970605,24.5L160.84160432132484,31.5L158.34798383624442,38.5L157.5,40.81819956269002L156.35185550830676,45.5L154.95187881749789,52.5L154.2454147945519,59.5L154.26534430901967,66.5L154.59472272821534,73.5L154.86093365149895,80.5L155.3486536172253,87.5L157.5,94.06669977167903L157.7151182718239,94.5L164.5,100.93098420949954L165.528910359997,101.5L171.5,105.95929590069618L175.54232751659652,108.5L174.8777688025449,115.5L171.5,117.73997415801658L166.64259159098555,122.5L164.5,126.17682735281798L163.4247908204755,129.5L163.92017638168772,136.5L164.5,138.2826179064224L166.53324045169433,143.5L169.8791429482362,150.5L171.5,153.82587758149512L173.33055587758884,157.5L178.5,162.81090246612854L183.76256040923084,164.5L185.5,165.0399280251831L192.5,164.90430576493216Z" fill="rgb(236, 101, 73)" opacity="1" stroke="none"></path><path d="M202.96442142845552,157.5L206.5,155.52007728520277L213.5,151.3766147807811L214.84081861633848,150.5L220.5,145.31024007694484L222.39763409126715,143.5L225.77021084676346,136.5L224.4246791099669,129.5L220.5,126.1808482595225L215.38171663552413,122.5L213.5,121.50995752866237L206.5,118.27193817313324L199.8641448730556,115.5L199.5,113.73026516908301L198.07892789831251,108.5L199.5,107.99001140412278L206.5,104.66592899547523L212.63203471597254,101.5L213.5,101.17361922522774L220.5,98.24261326345149L227.5,94.86924132624195L228.236499097147,94.5L234.5,88.35547665582175L235.460825529883,87.5L237.27652239397545,80.5L238.02420677526538,73.5L239.181911740984,66.5L239.95646082682478,59.5L238.85113206797968,52.5L235.29414608297867,45.5L234.5,44.416844666855724L230.5705712306795,38.5L227.5,34.171406217212734L225.52558639767557,31.5L220.83860821325374,24.5L220.5,23.8867872564845L216.52831301549568,17.5L213.5,11.32727808596604L213.05101894205137,10.5L210.16830790860024,3.5L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L175.5207507173961,3.5L173.34199771023955,10.5L171.5,14.971985273625979L170.65552412123824,17.5L167.62835341911247,24.5L164.5,30.33770601527933L164.1396196515251,31.5L161.62087992141068,38.5L159.0596732376632,45.5L157.5,50.788354656352254L157.15937611781789,52.5L156.48414659206802,59.5L156.53469329430007,66.5L156.88148621454087,73.5L157.16176691626208,80.5L157.5,84.97667470504348L157.7850386131204,87.5L161.26979608514966,94.5L164.5,97.56171738905911L171.5,101.43319409389377L171.64781012578217,101.5L178.5,105.76647209300496L182.93500662467315,108.5L181.8109775679085,115.5L178.5,117.33739309780589L171.5,122.16402046263177L171.15714685502857,122.5L166.69427434685164,129.5L166.88052241970928,136.5L169.16507266415823,143.5L171.5,149.11597046259988L172.05819798786106,150.5L175.45128968006745,157.5L178.5,160.63213621682192L185.5,162.70959352858495L192.5,161.7746036290579L199.5,159.16752735544264Z" fill="rgb(231, 91, 73)" opacity="1" stroke="none"></path><path d="M203.3896266997908,101.5L206.5,100.4129104574594L213.5,97.76218959146681L220.5,94.76901307178909L221.05701283032732,94.5L227.5,88.41544926664508L228.4328047522792,87.5L230.07185629727064,80.5L230.74321423961888,73.5L231.78807061598752,66.5L232.48085998607644,59.5L231.45765961892153,52.5L228.19928872951616,45.5L227.5,44.45650380843419L223.34442916418206,38.5L220.5,34.676761190727646L217.82507892988582,31.5L213.5,25.818758345568874L212.38234363260707,24.5L207.49673357005415,17.5L206.5,15.679335454275328L203.4223391712134,10.5L200.24796023484183,3.5L199.5,0L192.5,0L185.5,0L182.60629062381025,3.5L180.40880369075077,10.5L178.5,15.106717237019787L177.5021662967921,17.5L173.73582886970559,24.5L171.5,27.8601948051948L169.53563760473105,31.5L165.17783616529306,38.5L164.5,39.57527555819368L162.33121084527818,45.5L160.29360844953553,52.5L159.33310066565605,59.5L159.45169338664314,66.5L159.98595893958452,73.5L160.40594528737833,80.5L161.22501178238397,87.5L164.5,93.88756478519196L165.0518809138927,94.5L171.5,98.07817746029434L178.5,101.2438191080201L179.0702588321458,101.5L185.5,105.4800808232402L192.5,105.90759960097263L199.5,103.37171478682156ZM195.47072206570408,157.5L199.5,155.2138138922489L206.5,151.25083279713544L207.77328167286223,150.5L213.5,145.59782128476968L215.79868328914614,143.5L219.1953646147014,136.5L217.36332375955783,129.5L213.5,126.67763812277062L206.8370232322932,122.5L206.5,122.34290637576564L199.5,119.32233257147493L192.5,117.07032600954818L185.5,117.38525109002475L178.5,121.35761433909173L176.85367238104635,122.5L171.5,128.00627976477392L170.53678296006674,129.5L170.114746886687,136.5L171.5,142.04064624857494L171.87018516500558,143.5L174.6112081963792,150.5L177.5720234825461,157.5L178.5,158.4533699675153L185.5,160.30329193081093L192.5,158.72619208491076Z" fill="rgb(224, 80, 74)" opacity="1" stroke="none"></path><path d="M213.12031157390643,94.5L213.5,94.21355497323819L220.5,88.35262527199122L221.40184525363463,87.5L223.0941412225729,80.5L223.7838011765831,73.5L224.86384975433384,66.5L225.57293478941764,59.5L224.48495460456567,52.5L221.05609429333333,45.5L220.5,44.70931976739148L215.56172352949284,38.5L213.5,36.0604353464095L209.2001208812334,31.5L206.5,28.324012120115775L202.9478303828736,24.5L199.5,19.996120552936723L196.8377548344805,17.5L192.5,12.292975346546484L185.5,14.991338545001657L184.44793602455147,17.5L180.67251630777864,24.5L178.5,27.775315297849843L176.01160682799608,31.5L171.5,37.39611943973195L170.81171759716773,38.5L166.41038669980455,45.5L164.5,49.36516737862182L163.59692995520678,52.5L162.68897054054017,59.5L162.84811195060408,66.5L163.39360236885898,73.5L163.81269906607665,80.5L164.5,86.15551678044588L164.7840647552765,87.5L171.09784901619597,94.5L171.5,94.7231608266949L178.5,97.91277816226274L185.5,101.06458686564832L192.5,101.3795210806841L199.5,99.53591541750619L206.5,97.05860293015078ZM187.01408939058268,157.5L192.5,155.03964609399642L199.5,151.0233561338343L200.42120764102387,150.5L206.5,145.19315560916766L208.49101021302934,143.5L211.89257460785538,136.5L209.48735599685537,129.5L206.5,127.58997513811532L199.5,123.52097547598527L197.17766075733797,122.5L192.5,120.94236567931844L185.5,121.22660340761529L183.28440124292885,122.5L178.5,126.1215715990402L175.20140306455073,129.5L173.85253126834098,136.5L175.15159048553076,143.5L177.1642184048973,150.5L178.5,153.87359638961024L183.91236396710875,157.5L185.5,157.8969903330369Z" fill="rgb(217, 70, 75)" opacity="1" stroke="none"></path><path d="M204.32104024089787,94.5L206.5,92.97236541598694L213.5,87.66580118198037L213.6975257882606,87.5L215.59822138702697,80.5L216.3691419698021,73.5L217.57971522272945,66.5L218.36300970617714,59.5L217.1036749262223,52.5L213.5,46.05698039215688L213.15478964734996,45.5L206.9093249150073,38.5L206.5,38.06641768128543L199.71100152558446,31.5L199.5,31.27317205063651L192.5,25.86433521325652L185.5,27.52781419554387L182.85270796480677,31.5L178.5,37.25595635528332L177.54700620578816,38.5L172.20594799154708,45.5L171.5,46.71094758767829L168.68929875893488,52.5L167.2108665239258,59.5L167.5626881433812,66.5L168.52371262163507,73.5L169.22341597240944,80.5L170.70687848299167,87.5L171.5,88.37818281317183L178.32070746191584,94.5L178.5,94.58173721650536L185.5,97.78740282064305L192.5,98.1125293482736L199.5,96.23336492264602ZM193.23674713113004,150.5L199.5,144.63912445930958L200.81247355349092,143.5L203.88333658727058,136.5L200.96780816365631,129.5L199.5,128.6329968572349L192.5,125.42750919058233L185.5,125.68322619098302L180.551149354285,129.5L178.5,134.53796808016116L177.9675837662167,136.5L178.43299580605594,143.5L178.5,143.78748029466593L181.43992355310067,150.5L185.5,153.5861808378382L192.5,150.92369221603056Z" fill="rgb(209, 60, 75)" opacity="1" stroke="none"></path><path d="M193.77449048588915,94.5L199.5,91.48570387556279L205.14922386665543,87.5L206.5,83.27281882330385L207.33252985525593,80.5L208.18773153148626,73.5L209.52488357781752,66.5L210.37122540541893,59.5L208.92831612933549,52.5L206.5,48.62533267181652L204.3711886545557,45.5L199.5,40.52020656326454L196.74525737448985,38.5L192.5,35.536752404075955L185.5,36.94422446152388L184.32102622511377,38.5L179.1134244432174,45.5L178.5,46.60669240188451L175.10161399771414,52.5L173.44502290844247,59.5L173.95926330974282,66.5L175.12141458951396,73.5L175.92258115258554,80.5L177.71906806397968,87.5L178.5,88.20215462764187L185.47769513060481,94.5L185.5,94.51021877563777L192.5,94.84553761586308ZM192.709827851664,143.5L195.11256088590548,136.5L192.5,132.14925859483776L185.5,132.0837377427205L183.53740655161033,136.5L183.97319490467075,143.5L185.5,146.6112261754726L192.5,143.6945581685287Z" fill="rgb(200, 49, 74)" opacity="1" stroke="none"></path><path d="M195.09904796467669,87.5L198.09424619001211,80.5L199.3202695785018,73.5L199.5,72.83996247516725L200.8055371340477,66.5L201.68809347028946,59.5L200.0526085502416,52.5L199.5,51.69687738489648L193.6236150948594,45.5L192.5,44.66871182813403L188.13618608670618,45.5L185.5,46.174851752163576L182.0176108876522,52.5L180.52850057575262,59.5L181.0967726802305,66.5L182.22128307471922,73.5L182.96898275422248,80.5L184.72915702302276,87.5L185.5,88.19729537960457L192.5,88.87975885560769Z" fill="rgb(190, 37, 73)" opacity="1" stroke="none"></path><path fill="rgb(180, 25, 71)" opacity="1" stroke="none"></path><path fill="rgb(169, 13, 69)" opacity="1" stroke="none"></path></g><g id="distribution"><path d="M128.799999833107,151.200000166893L128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893L128.799999833107,151.200000166893" stroke="rgb(0, 0, 0)" stroke-width="1" fill="rgb(255, 255, 255)" opacity="0.16666666666666666"></path><path d="M156.00353801250458,151.200000166893L155.98088728240506,150.82261057905677C155.95823655230552,150.44522099122057,155.91293509210647,149.69044181554813,155.82255849031617,148.93943339188894C155.73218188852584,148.18842496822975,155.5967301451443,147.44118729658382,155.41687995469422,146.7014534528567C155.23702976424417,145.96171960912957,155.01278112672563,145.2294895933213,154.74525435126822,144.50842150556926C154.47772757581083,143.78735341781723,154.1669226624146,143.07744725812145,153.81439234105764,142.38224960032395C153.46186201970067,141.6870519425264,153.06760629038297,141.0065627866271,152.63359478956642,140.34418174397896C152.19958328874986,139.68180070133084,151.72581601643444,139.03752777193392,151.21465983560933,138.41458163685928C150.7035036547842,137.79163550178464,150.1549585654494,137.19001616103233,149.5717650082087,136.61272920539423C148.98857145096807,136.03544224975613,148.37072942582157,135.48248767923232,147.72132556941116,134.9566279634658C147.07192171300076,134.43076824769926,146.39095602532646,133.9320033866901,145.68183049841522,133.46282512724903C144.97270497150393,132.9936468678079,144.2354196053557,132.5540552099349,143.47365775580275,132.14624628089783C142.7118959062498,131.73843735186074,141.92565757329206,131.36241115165964,141.11887067369312,131.02004624504184C140.31208377409422,130.677681338424,139.4847483078541,130.3689777253895,138.6409975062217,130.09547763816707C137.79724670458936,129.82197755094467,136.93708056756472,129.58368098953434,136.06479634300186,129.38177844417174C135.192512118439,129.17987589880912,134.3081098063379,129.01436736949424,133.41600773447757,128.88607970948456C132.52390566261724,128.75779204947494,131.62410383099765,128.66672525877053,130.72109750085215,128.6133342920064C129.81809117070662,128.5599433252423,128.91188034203518,128.54422818241844,128.00699229436108,128.56626737379105C127.10210424668698,128.58830656516363,126.19853898001024,128.6481000907327,125.3008105570637,128.74534923192698C124.40308213411716,128.8425983731213,123.51119055490081,128.97730312994085,122.62959156233437,129.14879053968434C121.74799256976792,129.32027794942783,120.87668616385133,129.52854801209529,120.02002524738079,129.77256024487602C119.16336433091026,130.01657247765675,118.32134890388575,130.29632688055082,117.49818553621407,130.61042584679853C116.67502216854238,130.9245248130463,115.8707108602235,131.27296834264772,115.0892698176188,131.65401566931905C114.3078287750141,132.0350629959904,113.54925799812357,132.44871411973156,112.81734718117349,132.89290250789585C112.08543636422341,133.33709089606018,111.3801855072138,133.81181654864758,110.70511792686376,134.3147078147595C110.03005034651373,134.81759908087136,109.3851660428233,135.34865596050778,108.7736867511885,135.90522538127001C108.1622074595537,136.46179480203227,107.58413317997451,137.0438767639204,107.0423518760088,137.64856328165817C106.50057057204303,138.25324979939592,105.99508224369072,138.8805408729833,105.5284122270942,139.52730265989408C105.06174221049764,140.17406444680486,104.63389050565688,140.8402969470391,104.24699458897476,141.52267177313914C103.86009867229266,142.20504659923918,103.51415854376923,142.9035637512051,103.21090246311026,143.61473355279514C102.90764638245128,144.3259033543852,102.64707434965679,145.0497258055994,102.43048813953574,145.78258480910344C102.21390192941472,146.51544381260746,102.04130154196719,147.2573393684013,101.91354926020176,148.00456508890727C101.78579697843634,148.75179080941325,101.70289280235302,149.50434669463138,101.66525090751328,150.25847309973997C101.62760901267355,151.01259950484862,101.63522939907743,151.76829642984777,101.68807399653387,152.52178853780023C101.74091859399033,153.2752806457527,101.8389874024994,154.02656793665847,101.98179048650235,154.77189710338348C102.12459357050533,155.51722627010852,102.31213093000218,156.25659731265276,102.54346565934071,156.9863164554895C102.77480038867925,157.71603559832621,103.04993248785945,158.43610284145544,103.36748744238712,159.1429208479417C103.68504239691474,159.849738854428,104.04502020678984,160.54330762427136,104.44562248237067,161.22016220252937C104.8462247579515,161.89701678078737,105.28745149923806,162.55715716746002,105.76709841035597,163.1972854102822C106.2467453214739,163.83741365310433,106.76481240242317,164.45752975207597,107.31871147569247,165.05453570965824C107.87261054896179,165.65154166724054,108.46234161455112,166.2254374834334,109.0849584735264,166.7733560695916C109.70757533250168,167.32127465574976,110.36307798486287,167.84321601187324,111.04819164769901,168.33657260521224C111.73330531053513,168.82992919855118,112.4480299838462,169.2947010291057,113.18879502129259,169.72856617362686C113.929560058739,170.162431318148,114.69636546032075,170.56538977663584,115.48538039298761,170.93542843523187C116.27439532565448,171.3054670938279,117.08561978940645,171.64258595253213,117.91500104090026,171.94510082124484C118.74438229239405,172.24761568995754,119.59192033162964,172.51552656867875,120.45338099864243,172.7474950189381C121.3148416656552,172.97946346919744,122.19022496044516,173.17548949099498,123.07515761275319,173.33459377072452C123.9600902650612,173.49369805045413,124.85457227488727,173.61588058811574,125.7541349579485,173.70053097994537C126.65369764100973,173.785181371775,127.55834099730613,173.8322996177726,128.46354557814732,173.8416503229688C129.3687501589885,173.851001028165,130.27451596437447,173.82258419255982,131.1763179380447,173.75654178196723C132.0781199117149,173.6904993713746,132.97595805366942,173.58683138579462,133.86534691294386,173.4460557333491C134.7547357722183,173.30528008090366,135.63567534881273,173.12739676159268,136.50376461420242,172.9132944510793C137.37185387959212,172.69919214056594,138.22709283377708,172.44887083885013,139.0652088442944,172.1635811097827C139.9033248548117,171.8782913807153,140.72431792166137,171.5580332242962,141.5240864991735,171.2044065973433C142.32385507668565,170.8507799703904,143.1023991648603,170.46378487290372,143.85582928610913,170.04535466842847C144.60925940735797,169.6269244639532,145.337575561681,169.1770591524894,146.0371392019459,168.69800618678025C146.73670284221078,168.2189532210711,147.40751396841753,167.71071260111663,148.04622131904995,167.1758234130531C148.68492866968236,166.64093422498956,149.29153224474044,166.079396468817,149.86300155302146,165.49401549435538C150.43447086130246,164.90863451989375,150.97080590280638,164.29941032714305,151.46932723631025,163.66938649947892C151.96784856981412,163.03936267181476,152.42855619531795,162.38853920923717,152.84914849366962,161.72016751819834C153.26974079202122,161.0517958271595,153.65021776322067,160.3658759076595,153.98867860720426,159.66583450224854C154.32713945118783,158.9657930968376,154.62358416795556,158.25163020551577,154.8765317686983,157.52691366805263C155.12947936944101,156.80219713058952,155.33892985415872,156.0669269469851,155.50383684284733,155.32477640555268C155.66874383153595,154.58262586412027,155.7891073241955,153.83359496485983,155.86432600471002,153.08142574234577C155.93954468522455,152.32925651983172,155.96961855359407,151.573948974064,155.98465548777884,151.19629520118016L155.99969242196363,150.8186414282963" stroke="rgb(0, 0, 0)" stroke-width="1" fill="rgb(255, 255, 255)" opacity="0.16666666666666666"></path><path d="M183.20707619190216,151.200000166893L183.1617747317031,150.44522099122057C183.11647327150402,149.69044181554816,183.0258703511059,148.18088346420328,182.84511714752526,146.6788666168849C182.66436394394466,145.1768497695665,182.3934604571816,143.6823744262746,182.03376007628148,142.2029067388204C181.67405969538137,140.72343905136614,181.22556242034423,139.25897901974955,180.69050886942944,137.81684284424549C180.15545531851467,136.37470666874142,179.5338454917222,134.95489434934993,178.82878484900826,133.56449903375486C178.12372420629436,132.17410371815978,177.33521274765897,130.81312540636117,176.46718974602587,129.48836332106492C175.59916674439273,128.1636012357687,174.65163219976185,126.87505537697484,173.62931983811163,125.62916310682557C172.60700747646138,124.38327083667632,171.5099172977917,123.18003215517167,170.34353018331038,122.02545824389547C169.17714306882908,120.87088433261931,167.9414590185361,119.76497519157162,166.6426513057153,118.71325576003859C165.3438435928945,117.66153632850558,163.9819122175459,116.66400660648725,162.56366116372337,115.72565008760506C161.14541010990084,114.78729356872286,159.67083937760438,113.90811025297677,158.14731567849847,113.09249239490264C156.62379197939254,112.27687453682847,155.05131531347712,111.52482213642627,153.43774151427928,110.84009232319063C151.82416771508144,110.15536250995501,150.1694967826012,109.53795528388599,148.48199517933642,108.99095510944115C146.7944935760717,108.44395493499633,145.07416130202242,107.96736181217567,143.3295928528967,107.56355672145044C141.585024403771,107.15975163072521,139.81621977956883,106.82873457209541,138.03201563584818,106.57215925207613C136.2478114921275,106.31558393205687,134.44820782888834,106.13345035064806,132.64219516859728,106.02666841711984C130.83618250830625,105.91988648359158,129.02376085096333,105.88845619794388,127.21398475561513,105.93253458068905C125.40420866026695,105.97661296343426,123.59707812691347,106.09620001457233,121.80162128102042,106.29069829696095C120.00616443512733,106.48519657934958,118.22238127669465,106.75460609298871,116.45918329156173,107.09758091247572C114.69598530642882,107.44055573196272,112.95337249459567,107.85709585729758,111.24005066165459,108.34512032285905C109.52672882871353,108.83314478842051,107.84269797466453,109.39265359420862,106.19637123932115,110.0208515267041C104.55004450397776,110.64904945919959,102.94142188734001,111.34593651840248,101.37853980213059,112.10803117174514C99.81565771692118,112.87012582508778,98.29851616314015,113.69742807257016,96.83469452923998,114.58580484889876C95.37087289533984,115.47418162522736,93.96037118132058,116.42363293040216,92.61023602062052,117.42941546262595C91.26010085992046,118.43519799484973,89.9703322525396,119.4973117541225,88.74737366927,120.61045059564702C87.52441508600039,121.72358943717154,86.36826652684205,122.8877533609478,85.28470391891058,124.09712639642329C84.2011413109791,125.30649943189881,83.19016465427448,126.56108157907356,82.25682462108139,127.85460515289515C81.3234845878883,129.14812872671675,80.46778117820678,130.48059372718515,79.69398934484255,131.84534337938527C78.92019751147835,133.2100930315854,78.22831725443145,134.60712733551716,77.62180509311351,136.02946693869725C77.01529293179557,137.45180654187735,76.49414886620656,138.89945144430575,76.06097644596451,140.3651694513138C75.62780402572247,141.83088745832185,75.28260325082739,143.3146785699096,75.02709868729653,144.80913001092156C74.77159412376567,146.30358145193352,74.60578577159903,147.80869322236973,74.53050198191957,149.31694603258697C74.45521819224011,150.8251988428042,74.47045896504784,152.3365926928025,74.57614815996077,153.84357690870743C74.68183735487368,155.35056112461237,74.8779749718918,156.85313570642393,75.16358113989773,158.34379403987398C75.44918730790367,159.834452373324,75.82426202689739,161.31319445841254,76.28693148557447,162.772632744086C76.74960094425153,164.23207102975945,77.2998651426119,165.67220551601784,77.9349750516672,167.08584152899041C78.5700849607225,168.499477541963,79.29004058047269,169.88661508164975,80.09124513163435,171.24032423816575C80.89244968279601,172.5940333946818,81.77490316536914,173.91431416802706,82.73419698760496,175.19457065367135C83.69349080984081,176.47482713931564,84.72962497173934,177.71505933725896,85.83742311827795,178.90907125242356C86.94522126481657,180.1030831675881,88.12468339599525,181.25087479997387,89.3699171139458,182.34671197229022C90.61515083189634,183.44254914460657,91.92615613661876,184.48643185685344,93.29638346229103,185.47314504353142C94.66661078796328,186.4598582302094,96.0960601345854,187.38940189131839,97.5775902094782,188.2571321803607C99.05912028437099,189.12486246940298,100.59273108753449,189.93077938637862,102.1707609528682,190.67085670357065C103.74879081820195,191.4109340207627,105.37123974570595,192.0851717381712,107.0300022486935,192.69020147559664C108.6887647516811,193.29523121302205,110.3838408301523,193.83105297046447,112.10676216417785,194.2949898709832C113.82968349820341,194.7589267715019,115.58045008778335,195.15097881509692,117.3503153923994,195.46918737455607C119.12018069701541,195.7873959340152,120.90914471666751,196.03176100933845,122.70827008278997,196.2010617929977C124.50739544891242,196.37036257665693,126.31668216150524,196.46459906865218,128.1270913231876,196.4833004790446C129.93750048487,196.502001889437,131.74903209564192,196.4451682182266,133.55263604298239,196.3130833970414C135.35623999032285,196.1809985758562,137.1519162742318,195.97366260469622,138.93069399278073,195.69211129980525C140.70947171132966,195.41055999491428,142.4713508645185,195.05479335629232,144.20752939529788,194.62658873526559C145.94370792607728,194.19838411423885,147.65418583444716,193.69774151080728,149.33041785548176,193.12716205267245C151.00664987651638,192.55658259453756,152.64863601021568,191.9160662816994,154.24817316524,191.20881302779358C155.8477103202643,190.50155977388783,157.40479849661358,189.72756957891443,158.91165873911126,188.8907091699639C160.41851898160894,188.05384876101343,161.875151290255,187.15411813808578,163.2742785707848,186.19601220666746C164.67340585131456,185.2379062752492,166.01502810372804,184.22142503534027,167.2924428049929,183.15164665921318C168.56985750625773,182.08186828308612,169.7830646563739,180.95879277074098,170.9260032729359,179.78803082181773C172.06894188949795,178.61726887289447,173.14161197250576,177.3988204873931,174.13865463951353,176.13877283206477C175.13569730652125,174.87872517673654,176.05711255752894,173.57707825158136,176.8982971542322,172.2403348695037C177.73948175093548,170.90359148742604,178.50043569333434,169.53175164842597,179.1773573813015,168.13166883760405C179.85427906926864,166.7315860267822,180.44716850280415,165.3032602441385,180.95306370428958,163.85382716921228C181.45895890577503,162.404394094286,181.87785987521048,160.93385372707718,182.20767385258773,159.44955264421233C182.53748782996493,157.96525156134751,182.77821481528397,156.46718976282668,182.92865217631308,154.96285131779857C183.07908953734213,153.45851287277043,183.1392372740812,151.947897781235,183.16931114245074,151.1925902354673L183.1993850108203,150.4372826896996" stroke="rgb(0, 0, 0)" stroke-width="1" fill="rgb(255, 255, 255)" opacity="0.16666666666666666"></path><path d="M210.41061437129974,151.200000166893L210.34266218100115,150.06783140338436C210.27470999070252,148.9356626398757,210.13880561010535,146.6713251128584,209.86767580473443,144.41829984188084C209.59654599936354,142.16527457090325,209.1901907692189,139.92356155596542,208.65064019786874,137.70436002478405C208.11108962651858,135.4851584936027,207.4383437139629,133.28846844617783,206.63576338759069,131.12526418292177C205.8331830612185,128.96205991966568,204.9007683210298,126.83234144057842,203.8431773569589,124.74674846718581C202.78558639288804,122.66115549379322,201.60281920493495,120.61968802609529,200.3007847024853,118.63254489815093C198.9987502000356,116.64540177020656,197.57744838308932,114.71258298201576,196.04397984061393,112.84374457679188C194.51051129813857,110.97490617156798,192.86487603013407,109.170048149311,191.1152953584121,107.43818728239675C189.36571468669015,105.70632641548247,187.5121886112507,104.04746270391092,185.56397704201947,102.46988355661138C183.61576547278824,100.89230440931186,181.57286840976533,99.39600982628434,179.44549182903154,97.98847504796102C177.31811524829774,96.58094026963772,175.10625914985312,95.26216529601862,172.8209736011942,94.0387385089074C170.5356880525353,92.8153117217962,168.1769730536622,91.68723312119288,165.75661235486544,90.66013840133944C163.3362516560687,89.63304368148601,160.8542452573483,88.70693284238246,158.32299285245116,87.88643258071522C155.79174044755402,87.06593231904795,153.21124203648014,86.35104263481696,150.59438936279156,85.74533499872912C147.977536689103,85.1396273626413,145.32432975279974,84.64310177469662,142.64802353721873,84.25823879466769C139.97171732163773,83.87337581463876,137.27231182677903,83.6001754425256,134.56329283634247,83.44000254223323C131.8542738459059,83.27982964194086,129.13564135989154,83.2326842134693,126.42097721686923,83.2988017875871C123.70631307384694,83.36491936170488,120.99561727381672,83.54429993841201,118.30243200497712,83.83604736199494C115.60924673613751,84.12779478557788,112.93357199848849,84.53190905603658,110.2887750207891,85.04637128526709C107.64397804308975,85.56083351449759,105.03005882534,86.18564370249987,102.4600760759284,86.91768040084207C99.8900933265168,87.64971709918427,97.36404704544331,88.48898030786638,94.89455694242825,89.43127720660964C92.42506683941316,90.37357410535287,90.01213291445652,91.4189046941572,87.66780978664241,92.56204667417116C85.32348665882829,93.70518865418512,83.04777432815673,94.94614202540872,80.85204187730652,96.27870718990164C78.65630942645627,97.61127235439453,76.5405568554274,99.03544931215674,74.5153541143773,100.54412311049244C72.49015137332721,102.05279690882811,70.55549846225591,103.6459675477373,68.7210605873515,105.31567581002408C66.88662271244709,106.98538407231082,65.15239987370957,108.73162995797519,63.52705596181235,110.54568951118843C61.901712049915126,112.35974906440168,60.38524706485821,114.24162228516383,58.985237015068584,116.18190764589623C57.58522696527896,118.12219300662862,56.30167185075664,120.12089050733128,55.14098410071032,122.16801498563144C53.98029635066401,124.2151394639316,52.9424759650937,126.31069091982926,52.03270772311678,128.4442003245994C51.122939481139866,130.57770972936953,50.34122338275635,132.7491770830121,49.69146475239327,134.94775409352422C49.041706122030206,137.1463311040363,48.52390495968757,139.3720177714179,48.140648114391276,141.61369493293583C47.75739126909499,143.85537209445377,47.508678740845035,146.1130397501081,47.395753056325866,148.37541896543397C47.28282737180668,150.63779818075983,47.30568853101827,152.90488895575726,47.464222323387645,155.16536527961466C47.62275611575703,157.42584160347204,47.9169625412842,159.67970347618942,48.34537179329309,161.91569097636446C48.77378104530198,164.15167847653953,49.33639312379259,166.3697916041723,50.030397311808194,168.55894903268248C50.724401499823784,170.74810646119263,51.549797797364384,172.90830819058024,52.502462660947316,175.0287622100391C53.45512752453025,177.14921622949797,54.53506095415554,179.22992253902814,55.736867780898024,181.26048627380214C56.938674607640515,183.29105000857615,58.26235483150021,185.27147116859408,59.70129556485397,187.1918558970605C61.14023629820772,189.11224062552697,62.69443754105553,190.972588922442,64.35613476086344,192.7636067951888C66.01783198067136,194.55462466793563,67.78702517743938,196.2763121165143,69.6548757543652,197.92006787498883C71.52272633129103,199.56382363346333,73.48923428837465,201.1296477018337,75.54457527688304,202.60971748185065C77.59991626539143,204.0897872618676,79.7440902853246,205.48410275353112,81.9663853976638,206.78569818709457C84.188680510003,208.08729362065802,86.48909671474821,209.29616899612142,88.85614151274883,210.4062849719095C91.22318631074944,211.51640094769758,93.65685970200542,212.52775752381032,96.14500345648679,213.43530212994847C98.63314721096816,214.34284673608659,101.17576132867494,215.14657937225016,103.76014332971327,215.8424847230282C106.34452533075161,216.5383900738063,108.97067521512155,217.12646813919886,111.62547317204557,217.6037809783876C114.28027112896962,218.08109381757632,116.9637171584478,218.44764143056122,119.66240520763148,218.70159260605007C122.36109325681518,218.95554378153895,125.07502332570436,219.09689851953178,127.79063706822792,219.1249506351204C130.50625081075148,219.153002750709,133.2235482269094,219.0677522438934,135.92895414792008,218.86962501211562C138.63436006893076,218.67149778033777,141.32787449479423,218.3604938235978,143.9960410726176,217.93816686626133C146.664207650441,217.5158399089249,149.3070263802243,216.98218995099202,151.91129417639334,216.3398830194519C154.5155619725624,215.69757608791178,157.08127883511725,214.94661218276443,159.59562686666916,214.0907429955621C162.10997489822105,213.23487380835982,164.57295409877005,212.27409933910258,166.9722598313065,211.2132194582439C169.37156556384295,210.15233957738528,171.70719782836684,208.99135428492514,173.96748819211336,207.73606367149932C176.22777855585989,206.4807730580736,178.41272701882903,205.13117712368216,180.5114179396237,203.69401822655473C182.61010886041836,202.25685932942727,184.6225422390386,200.73213746956387,186.53866429093588,199.12746990537326C188.45478634283313,197.5228023411827,190.27459706800732,195.83818907266496,191.98900499285037,194.0820461492801C193.70341291769333,192.32590322589522,195.31241804220508,190.49823064764314,196.80798204271673,188.60815916465071C198.30354604322838,186.7180876816583,199.68566891973992,184.76561729392552,200.94744581479483,182.76050222080906C202.20922270984974,180.75538714769257,203.35065362344798,178.69762738919243,204.36603615539875,176.59750317295962C205.38141868734945,174.49737895672675,206.2707528376527,172.35489028276126,207.02959563988088,170.18074067037188C207.78843844210908,168.0065910579825,208.41678989626226,165.80078050716926,208.9115108623281,163.574328882872C209.40623182839394,161.34787725857475,209.7673223063725,159.10078456079353,209.99297834791608,156.8442768932513C210.21863438945965,154.58776922570914,210.3088559945683,152.32184658840603,210.35396679712258,151.18888526975445L210.3990775996769,150.0559239511029" stroke="rgb(0, 0, 0)" stroke-width="1" fill="rgb(255, 255, 255)" opacity="0.16666666666666666"></path><path d="M237.61415255069733,151.200000166893L237.5235496302992,149.69044181554813C237.43294670990107,148.18088346420325,237.2517408691048,145.16176676151352,236.89023446194358,142.15773306687674C236.5287280547824,139.15369937224,235.9869210812562,136.16474868565624,235.267520319456,133.20581331074774C234.54811955765578,130.24687793583925,233.65112500758153,127.31795787260607,232.58101790575196,124.43368552159798C231.51091080392234,121.5494131705899,230.2676911503374,118.7097885318069,228.85756986490955,115.92899790061676C227.44744857948172,113.14820726942663,225.87042566221098,110.4262506458294,224.1343796589447,107.77672647523691C222.39833365567847,105.12720230464441,220.50326456641676,102.55011058705668,218.45863984311623,100.05832604675815C216.41401511981576,97.56654150645961,214.21983476247647,95.16006414345031,211.88706053351385,92.85091632089797C209.5542863045512,90.54176849834562,207.08291820396525,88.32995021625023,204.48530277832364,86.2265113531842C201.88768735268204,84.12307249011815,199.16382460198483,82.12801304608146,196.32732249433977,80.25130000831705C193.4908203866947,78.37458697055264,190.54167892210185,76.61622033906052,187.49463152388998,74.98498462291222C184.4475841256781,73.35374890676394,181.30263079384727,71.8496441059595,178.0754831954516,70.48018447948824C174.84833559705592,69.110724853017,171.5389937320954,67.87591040087896,168.16399052556588,66.78191005198929C164.7889873190364,65.6879097030996,161.3483227709379,64.73472345745832,157.85918587268645,63.92711327600788C154.37004897443504,63.119503094557444,150.83243972603066,62.45746897729788,147.26403143858934,61.94431833725931C143.695623151148,61.43116769722073,140.0964158246697,61.066900534403146,136.4843905040876,60.853336667346646C132.87236518350554,60.63977280029015,129.2475218688197,60.576912228994736,125.6279696781233,60.665068994485125C122.00841748742691,60.753225759975514,118.39415642071997,60.992399862251695,114.80324272893381,61.38139642702893C111.21232903714765,61.77039299180617,107.6447627202823,62.30921201908445,104.11836675001648,62.995161658058464C100.59197077975064,63.68111129703246,97.10674515608434,64.51419154770218,93.68010149020222,65.49024047882511C90.25345782432005,66.46628940994806,86.88539611622208,67.5853070215242,83.59274264553532,68.84170288651518C80.30008917484855,70.09809875150616,77.08284394157302,71.49187286991194,73.9570797711542,73.01606217659723C70.83131560073538,74.54025148328252,67.79703249317329,76.1948559782473,64.869389225373,77.97160953090449C61.9417459575727,79.74836308356169,59.12074252953419,81.6472656939113,56.420472208134065,83.65883075835889C53.720201886733946,85.67039582280648,51.14066467197222,87.79462334135206,48.69474750543301,90.0209010244011C46.24883033889379,92.24717870745012,43.936533220577104,94.5755065550026,41.769408004714144,96.9942526259536C39.60228278885118,99.41299869690461,37.58032947544195,101.92216299125414,35.71364940905579,104.50921013889733C33.84696934266963,107.0962572865405,32.13556252330653,109.76118728747736,30.587978856578108,112.49068659187758C29.04039518984968,115.22018589627778,27.65663467575592,118.01425450414133,26.443610353120036,120.85893371050152C25.230586030484147,123.70361291686169,24.188297899306136,126.59890272171849,23.321953058822043,129.5303387357346C22.455608218337943,132.46177474975073,21.765206668547766,135.42935697292617,21.254197541486047,138.4182598549501C20.743188414424324,141.40716273697404,20.41157171009106,144.41738627784645,20.26100413073215,147.43389189828093C20.11043655137324,150.45039751871545,20.140918096988685,153.47318521871202,20.352296486814527,156.4871536505219C20.56367487664037,159.50112208233173,20.95595011067661,162.50627124595488,21.527162446688465,165.48758791285496C22.098374782700322,168.46890457975505,22.848524220687796,171.42638874993204,23.77386313804193,174.34526532127896C24.699202055396054,177.26414189262587,25.799730452116837,180.1444108651427,27.06995027022742,182.97168289108785C28.340170088338002,185.798954917033,29.780081327838378,188.57322999640652,31.3824904301617,191.28064830943853C32.984899532485024,193.98806662247057,34.74980649763128,196.6286281691611,36.668394142102954,199.1891411404497C38.586981786574626,201.7496541117383,40.65925011037171,204.23011850762495,42.87484640344892,206.61814233795403C45.09044269652615,209.00616616828316,47.4493669588835,211.30174943305474,49.939834394784604,213.4934237776874C52.43030183068569,215.6850981223201,55.05231244013053,217.7728635468139,57.79276709147505,219.74628992016983C60.53322174281957,221.71971629352575,63.3921204360638,223.5788036157438,66.3551805858494,225.31426419382845C69.318240735635,227.04972477191305,72.38546234196197,228.66155860586426,75.54152207262945,230.14171324024835C78.69758180329693,231.62186787463244,81.94247965830489,232.9703433094494,85.26000466428005,234.1804027843003C88.57752967025522,235.39046225915112,91.96768182719757,236.4621057740359,95.4135244952487,237.3899795750733C98.85936716329981,238.31785337611075,102.36090034245969,239.1019574633008,105.90063095169175,239.7383745822191C109.4403615609238,240.3747917011374,113.01828960022804,240.86352185178396,116.61654033247295,241.20212341910243C120.21479106471787,241.54072498642094,123.83336448990347,241.72919797041132,127.45418281326822,241.7666007911962C131.07500113663298,241.804003611981,134.69806435817688,241.69033626956016,138.30527225285778,241.4261666271898C141.91248014753867,241.1619969848194,145.50383271535665,240.74732504249937,149.06138815245447,240.18422243271746C152.6189435895523,239.62111982293553,156.14270189593003,238.90958654569167,159.6150589574888,238.05317730363814C163.08741601904754,237.19676806158466,166.50837183578733,236.19548285472152,169.86083587785654,235.05432393845183C173.2132999199258,233.91316502218208,176.4972721873244,232.6321323965058,179.696346497373,231.21762588869424C182.8954208074216,229.8031193808827,186.00959716012017,228.25513899093588,189.0233176451155,226.58141817303485C192.03703813011086,224.90769735513382,194.95030274740301,223.10823610927855,197.7485573084626,221.19202424644197C200.54681186952214,219.2758123836054,203.23005637434918,217.2428499037875,205.78488577687884,215.1032931515334C208.3397151794085,212.96373639927927,210.76612947964085,210.717585374589,213.05200671276484,208.37606147674242C215.33788394588882,206.0345375788959,217.48322411190452,203.59764080789316,219.47730944592004,201.07754549723657C221.47139477993554,198.55745018658,223.31422528195094,195.95415633626968,224.99659447535745,193.28066957211436C226.678963668764,190.60718280795913,228.20087155356168,187.8635031299589,229.554714929496,185.06333750831513C230.90855830543032,182.26317188667136,232.09433717250127,179.40652032138402,233.1061275754722,176.5076541715315C234.1179179784431,173.60878802167903,234.95571991731398,170.66770728726135,235.61534787206844,167.6991051215317C236.2749758268229,164.73050295580202,236.75642979746098,161.73437935876035,237.0573045195191,158.7257024687041C237.3581792415772,155.71702557864785,237.4784747150554,152.69579539557702,237.53862245179448,151.1851803040416L237.59877018853356,149.6745652125062" stroke="rgb(0, 0, 0)" stroke-width="1" fill="rgb(255, 255, 255)" opacity="0.16666666666666666"></path></g><g id="mean"></g><g id="pts"></g><text transform="translate(140 ,295)" color="grey" opacity="0.3">w1</text><text transform="translate(295,140)rotate(-90)" color="grey" opacity="0.3">w2</text><circle cx="128.799999833107" cy="151.200000166893" r="4" stroke="rgb(0, 0, 0)" fill="rgb(47, 79, 79)" opacity="0.75"></circle></svg> The loss surface for the Variational Net. The training loss is plotted on the left, the validation loss is plotted on the right. Test Loss <svg width="300" height="300"><g id="contour"><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L0,157.5L0,164.5L0,171.5L0,178.5L0,185.5L0,192.5L0,199.5L0,206.5L0,213.5L0,220.5L0,227.5L0,234.5L0,241.5L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280L59.5,280L66.5,280L73.5,280L80.5,280L87.5,280L94.5,280L101.5,280L108.5,280L115.5,280L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(94, 79, 162)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L0,157.5L0,164.5L0,171.5L0,178.5L0,185.5L0,192.5L0,199.5L0,206.5L0,213.5L0,220.5L0,227.5L0,234.5L0,241.5L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280L59.5,280L66.5,280L73.5,280L80.5,280L87.5,280L94.5,280L101.5,280L108.5,280L115.5,280L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(85, 90, 167)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L0,157.5L0,164.5L0,171.5L0,178.5L0,185.5L0,192.5L0,199.5L0,206.5L0,213.5L0,220.5L0,227.5L0,234.5L0,241.5L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280L59.5,280L66.5,280L73.5,280L80.5,280L87.5,280L94.5,280L101.5,280L108.5,280L115.5,280L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(77, 102, 172)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L0,157.5L0,164.5L0,171.5L0,178.5L0,185.5L0,192.5L0,199.5L0,206.5L0,213.5L0,220.5L0,227.5L0,234.5L0,241.5L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280L59.5,280L66.5,280L73.5,280L80.5,280L87.5,280L94.5,280L101.5,280L108.5,280L115.5,280L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(71, 113, 176)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L0,157.5L0,164.5L0,171.5L0,178.5L0,185.5L0,192.5L0,199.5L0,206.5L0,213.5L0,220.5L0,227.5L0,234.5L0,241.5L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280L59.5,280L66.5,280L73.5,280L80.5,280L87.5,280L94.5,280L101.5,280L108.5,280L115.5,280L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(67, 125, 179)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L0,157.5L0,164.5L0,171.5L0,178.5L0,185.5L0,192.5L0,199.5L0,206.5L0,213.5L0,220.5L0,227.5L0,234.5L0,241.5L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280L59.5,280L66.5,280L73.5,280L80.5,280L87.5,280L94.5,280L101.5,280L108.5,280L115.5,280L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280ZM101.5,196.4770507776207L94.5,196.7231882999003L87.5,194.50235335601883L83.65224183089946,192.5L80.5,190.71186138165035L73.5,186.109005353501L72.6033815158237,185.5L70.87818505726231,178.5L73.5,176.8145532268959L80.5,172.30297178900764L81.92496435438544,171.5L87.5,170.08450834022437L94.5,168.9363188102876L101.5,168.99067764375667L108.5,171.06118869135204L109.12624204316916,171.5L113.85663269957914,178.5L112.88793486555706,185.5L108.5,192.1237637889306L107.92964568075872,192.5Z" fill="rgb(66, 136, 181)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L0,157.5L0,164.5L0,171.5L0,178.5L0,185.5L0,192.5L0,199.5L0,206.5L0,213.5L0,220.5L0,227.5L0,234.5L0,241.5L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280L59.5,280L66.5,280L73.5,280L80.5,280L87.5,280L94.5,280L101.5,280L108.5,280L115.5,280L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280ZM101.5,215.64753794556933L94.5,216.0740886676302L89.32167467144514,213.5L87.5,212.54348302827773L80.51355897902515,206.5L80.5,206.49026655692688L73.5,200.5497126816234L72.29983000443988,199.5L66.5,195.6440255815493L61.40002583653734,192.5L59.5,191.2318798544142L52.5,187.12107109881248L49.127927631674176,185.5L46.75395471647131,178.5L52.5,175.9579331439297L59.5,172.09471901919125L60.4448946095069,171.5L66.5,169.76883994740098L73.5,167.5254199370649L80.5,165.18042142190188L82.80105266691284,164.5L87.5,163.26643911122076L94.5,162.06421833484157L101.5,162.08800671109907L108.5,164.19888396610688L108.91308392001243,164.5L115.5,169.38985734734837L117.64577308551354,171.5L121.21541896100464,178.5L120.50141290954116,185.5L117.07927014291033,192.5L115.5,195.79442291080466L112.86573932217138,199.5L109.30105017302193,206.5L108.5,208.45525232209422L103.62355043746432,213.5Z" fill="rgb(69, 148, 180)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L0,157.5L0,164.5L0,171.5L3.5,177.62083167888898L10.5,176.51347637114563L17.5,175.2928581679024L24.5,173.89752138294583L31.5,172.21683407685234L33.90067909658286,171.5L38.5,170.8964905849266L45.5,169.7141304780276L52.5,168.18301821777465L59.5,166.25229784129016L64.8472102133013,164.5L66.5,164.02127696093402L73.5,161.82193810271065L80.5,159.50557923636063L87.04793761743123,157.5L87.5,157.34659488690556L94.5,155.81007942207327L101.5,155.7779278426112L105.99075730519183,157.5L108.5,158.35176344507613L115.5,163.61063360759047L116.36685240229558,164.5L122.5,170.55134902558893L123.4214981149691,171.5L126.67870887004896,178.5L126.01463884648771,185.5L122.96331430529654,192.5L122.5,193.56755317275608L119.39327669532243,199.5L116.84401659379893,206.5L115.5,211.15248813150862L114.46253783898787,213.5L111.33650163366403,220.5L108.5,226.76252671196633L107.72001497372187,227.5L101.5,233.4605977655715L94.5,233.9068754078369L87.5,230.58657328478816L83.55495482684915,227.5L80.5,225.0975867636736L75.53601806142463,220.5L73.5,218.45709723011083L68.75623175948614,213.5L66.5,211.08436020624976L62.04427123714458,206.5L59.5,204.34892678470717L52.983653862987595,199.5L52.5,199.22452981984668L45.5,195.8711069391275L38.5,193.26899978613L35.85448803042152,192.5L31.5,191.09143472716661L24.5,189.29350394173534L17.5,187.80944933088517L10.5,186.51418638392727L4.478829502225492,185.5L3.5,184.4685587474715L0,185.5L0,192.5L0,199.5L0,206.5L0,213.5L0,220.5L0,227.5L0,234.5L0,241.5L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280L59.5,280L66.5,280L73.5,280L80.5,280L87.5,280L94.5,280L101.5,280L108.5,280L115.5,280L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(74, 159, 178)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L0,157.5L0,164.5L3.5,169.728132984813L10.5,169.18342063331016L17.5,168.58435693899307L24.5,167.901995692912L31.5,167.08289801716097L38.5,166.04820977887863L45.5,164.7034929674213L46.34677372249814,164.5L52.5,163.21599367972001L59.5,161.38000385916956L66.5,159.158220151328L71.18362512499927,157.5L73.5,156.5961090367436L80.5,153.81822505158488L87.5,151.18367160431308L90.14843765802439,150.5L94.5,149.32821823586247L101.5,149.16381540229656L104.55231744163677,150.5L108.5,152.132865078983L114.02200078427596,157.5L115.5,158.63724625920344L121.21434024003091,164.5L122.5,165.76851275169696L128.06743716893277,171.5L129.5,174.3322797282104L131.55343057733205,178.5L130.82955253660884,185.5L129.5,188.42473078341524L127.53668321215068,192.5L124.33213415834007,199.5L122.5,205.27164804642035L122.01869593714096,206.5L119.75353503471767,213.5L117.53582458335481,220.5L115.5,226.8447280145336L115.1809986711483,227.5L111.85785229935694,234.5L109.08859470993903,241.5L108.5,243.3756869559321L104.64444464285714,248.5L101.5,254.1412758544741L94.5,254.83584512557346L87.5,248.72380975696976L87.3468792896758,248.5L80.9377891127625,241.5L80.5,241.11152568824193L74.2005036374184,234.5L73.5,233.84399986262278L66.95998509751792,227.5L66.5,227.05566802380986L59.5,220.59265759441845L59.38719903931678,220.5L52.5,214.32860340069183L51.39140223650672,213.5L45.5,208.91808225761235L41.58628407995268,206.5L38.5,204.9009222623049L31.5,202.0570015002301L24.5,199.82485249517507L23.281252848291018,199.5L17.5,198.28287365052378L10.5,196.9956664302172L3.5,195.8276537577051L0,199.5L0,206.5L0,213.5L0,220.5L0,227.5L0,234.5L0,241.5L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280L59.5,280L66.5,280L73.5,280L80.5,280L87.5,280L94.5,280L101.5,280L108.5,280L115.5,280L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(83, 170, 175)" opacity="1" stroke="none"></path><path d="M82.4966396243919,276.5L80.9383943344153,269.5L80.5,268.202894208399L78.92470859111113,262.5L76.02473949897772,255.5L73.5,251.23530610137993L71.97494827841399,248.5L66.70870086908891,241.5L66.5,241.2735566639803L60.000410332508764,234.5L59.5,234.0336850745106L52.5,228.21429204008L51.46971800516604,227.5L45.5,223.30719669644725L40.441473317221224,220.5L38.5,219.30594951294842L31.5,215.91045312820572L25.174539181339775,213.5L24.5,213.22698618575114L17.5,210.8526304650616L10.5,208.7886699399178L3.5,206.9165160164899L0,213.5L0,220.5L0,227.5L0,234.5L0,241.5L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280L59.5,280L66.5,280L73.5,280L80.5,280ZM280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L0,157.5L0,164.5L3.5,165.33252793441804L10.5,164.71858973889843L12.794245897551015,164.5L17.5,164.11854492966916L24.5,163.47746413565162L31.5,162.71069956233234L38.5,161.74514170732874L45.5,160.492194131606L52.5,158.8651324859984L57.210824464175,157.5L59.5,156.78085824085625L66.5,154.2005499205462L73.5,151.2362115881491L75.21375499656051,150.5L80.5,148.1217194006737L87.5,145.1319904374482L92.70203157487204,143.5L94.5,142.9277471920991L101.5,142.56527499108535L103.62957612532186,143.5L108.5,145.69832190219958L112.49714160066821,150.5L115.5,153.43216197783556L118.42396722771942,157.5L122.5,161.658353006456L125.1949515910105,164.5L129.5,168.9045738815982L132.35446367262313,171.5L136.07904381230387,178.5L135.1449595730911,185.5L131.71197943928317,192.5L129.5,197.4723389137674L128.52435514853556,199.5L126.07606498322207,206.5L124.13849075135438,213.5L122.5,219.45732297455618L122.14584318487933,220.5L119.62661092564521,227.5L117.31648297991192,234.5L115.5,241.11152199370508L115.33609923668689,241.5L112.95737573940494,248.5L111.23826208037089,255.5L110.0522656488308,262.5L109.26302425398598,269.5L108.74851685347691,276.5L115.5,280L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(93, 180, 172)" opacity="1" stroke="none"></path><path d="M69.54593618823529,276.5L68.26960226010785,269.5L66.5,263.17817062333376L66.30953699187974,262.5L63.40334666919025,255.5L59.5,248.9778637109157L59.18579365215944,248.5L53.05421903994694,241.5L52.5,240.9840264238429L45.5,235.49296377805277L43.91476361850044,234.5L38.5,231.39657440844158L31.5,228.28693578777117L29.27123475738306,227.5L24.5,225.7569531168167L17.5,223.6446623352102L10.5,221.812036461126L4.985350548146192,220.5L3.5,220.10022537367956L0,220.5L0,227.5L0,234.5L0,241.5L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280L59.5,280L66.5,280ZM280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L0,157.5L3.5,161.51779638749866L10.5,160.94651737316616L17.5,160.3198941499448L24.5,159.6098731569724L31.5,158.7629335498141L38.5,157.69785712654902L39.5288296683235,157.5L45.5,156.27237471510722L52.5,154.4168184496142L59.5,152.0642179087169L63.418038855705746,150.5L66.5,149.22536354965504L73.5,145.99641391358853L78.61165328242086,143.5L80.5,142.54303839363246L87.5,139.28047734785684L94.5,136.80226842274433L98.42454606248884,136.5L101.5,136.30956403049805L102.03419289384884,136.5L108.5,139.4014421132432L111.59484238489254,143.5L115.5,148.06857957019267L116.8389022478589,150.5L122.21476148667949,157.5L122.5,157.79099923766304L128.86265951387622,164.5L129.5,165.15207472533967L136.48148252596067,171.5L136.5,171.53445884473436L140.7304068152539,178.5L139.41083214252808,185.5L136.5,190.7119507749437L135.58783996963746,192.5L132.2391746579884,199.5L129.94474238455928,206.5L129.5,208.12215009013596L127.87141972819252,213.5L125.74333441525906,220.5L123.60475474385979,227.5L122.5,231.35228664219596L121.38486686614733,234.5L119.26307304147673,241.5L117.6411943471113,248.5L116.47263772550616,255.5L115.66885635334525,262.5L115.5,264.6971945461506L114.91167060368322,269.5L114.35177516451508,276.5L115.5,280L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(105, 189, 169)" opacity="1" stroke="none"></path><path d="M57.77198643140761,276.5L56.29652299450312,269.5L54.0280574290755,262.5L52.5,259.3140471002748L50.376745971221894,255.5L45.5,249.33797923721755L44.683220647206035,248.5L38.5,243.6751908110317L34.93522176338155,241.5L31.5,239.75267127747566L24.5,236.9273011875129L17.5,234.61302213059017L17.111307472159567,234.5L10.5,232.7068110544045L3.5,230.98622540973594L0,234.5L0,241.5L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280L45.5,280L52.5,280ZM280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L0,157.5L3.5,157.83878837455453L7.2991245811944765,157.5L10.5,157.1971707129011L17.5,156.47816044541437L24.5,155.66675157933963L31.5,154.7043952978402L38.5,153.501271958244L45.5,151.94562384897333L50.55872830469634,150.5L52.5,149.93230984345053L59.5,147.41045770774167L66.5,144.33925152612326L68.23351477527976,143.5L73.5,140.84639742230348L80.5,137.12572201547832L81.77395253501881,136.5L87.5,133.87621970952125L94.5,131.6286460696188L101.5,131.3849018499901L108.5,134.18729607338832L110.68566613691408,136.5L115.5,142.6326550856045L115.90228024342483,143.5L119.85437656547086,150.5L122.5,153.9079294244986L125.06434645479654,157.5L129.5,162.11580989927742L132.17662703079944,164.5L136.5,168.50927121917528L140.89418353171106,171.5L143.5,175.6467288991563L145.292538124663,178.5L143.64060823741758,185.5L143.5,185.72546587283642L139.38490486088133,192.5L136.5,198.08632724218907L135.80918979264047,199.5L133.32435342450674,206.5L131.30771484176344,213.5L129.5,219.73377575857444L129.25656692508238,220.5L126.89810303797016,227.5L124.75039994245337,234.5L122.97881308212058,241.5L122.5,243.9167921706787L121.35602924976891,248.5L120.08428887855246,255.5L119.21264428825438,262.5L118.63600237863608,269.5L118.26160715315581,276.5L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(117, 197, 167)" opacity="1" stroke="none"></path><path d="M44.285605222009885,276.5L42.11298530840171,269.5L38.77103202846976,262.5L38.5,262.1125985039485L32.702095666987915,255.5L31.5,254.51990850576166L24.5,249.9557702865407L21.800993806439426,248.5L17.5,246.7050485316481L10.5,244.1583406334068L3.5,241.853523230671L0,248.5L0,255.5L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280L24.5,280L31.5,280L38.5,280ZM280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L0,150.5L3.5,154.0094301901385L10.5,153.2940240306361L17.5,152.51230059560243L24.5,151.63296699465639L31.5,150.59375026470212L32.01675363856701,150.5L38.5,149.3015429600342L45.5,147.64432826194422L52.5,145.50466292073938L57.722927585131494,143.5L59.5,142.79059220838803L66.5,139.51590796358684L72.18299303818962,136.5L73.5,135.81403025095224L80.5,132.1708262313973L86.11915493081244,129.5L87.5,128.9480736901455L94.5,127.2494352373198L101.5,127.47992951812537L107.71356312257653,129.5L108.5,129.83965625141718L114.79448829310917,136.5L115.5,137.39870376261032L118.32982109521528,143.5L122.5,150.03352292480167L122.75782594298336,150.5L127.8373475205815,157.5L129.5,159.23018196650116L135.4161966118316,164.5L136.5,165.5050628901054L143.5,170.46782527120348L145.27687317867708,171.5L149.7053802508891,178.5L147.51403034178415,185.5L143.5,191.9365137578289L143.15771823529224,192.5L139.3617357523716,199.5L136.70661841823815,206.5L136.5,207.12168842147273L134.51444151142002,213.5L132.30707885670552,220.5L130.09340115974743,227.5L129.5,229.4806604987981L127.85053996817777,234.5L125.92744695655121,241.5L124.46503871290435,248.5L123.41572803451594,255.5L122.69665096388978,262.5L122.5,265.37522370385403L122.13660689647978,269.5L121.73498133039944,276.5L122.5,280L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(130, 204, 165)" opacity="1" stroke="none"></path><path d="M23.699330334646024,276.5L19.58027771320142,269.5L17.5,267.17761540350017L12.741544422482736,262.5L10.5,260.99373898366855L3.5,256.69217388837404L0,262.5L0,269.5L0,276.5L3.5,280L10.5,280L17.5,280ZM280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L3.5,150.1625491063667L10.5,149.38428902410485L17.5,148.5371394399195L24.5,147.59060338375815L31.5,146.48232827136644L38.5,145.11311584682744L44.93794950627167,143.5L45.5,143.35298940631824L52.5,141.05691010536538L59.5,138.1855198672283L62.96675032814682,136.5L66.5,134.79275409816898L73.5,131.09285108692373L76.48303753964295,129.5L80.5,127.58189589440971L87.5,124.83211800902376L94.5,123.3996224534828L101.5,124.2072489044029L108.5,127.31987163758484L111.4043760847929,129.5L115.5,133.77571177917838L117.08117975021396,136.5L120.75736194700576,143.5L122.5,146.230234344576L124.85993667204245,150.5L129.5,156.42516575992084L130.44646074236803,157.5L136.5,163.0562815063421L138.79020697789852,164.5L143.5,167.9481495192759L149.61445686257855,171.5L150.5,172.89547947806665L152.74179092037951,178.5L151.1187486216971,185.5L150.5,186.7589244449227L146.75721779260869,192.5L143.5,198.41797869967428L142.91009031737605,199.5L140.13020442966777,206.5L137.74621798546968,213.5L136.5,216.95740909169973L135.32314173558973,220.5L132.91974136115698,227.5L130.74663925979908,234.5L129.5,239.32031897094262L128.87608083098186,241.5L127.30447088938891,248.5L126.18115951465052,255.5L125.41428646470001,262.5L124.90875577626774,269.5L124.58133357993691,276.5L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(143, 210, 164)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L0,143.5L3.5,146.29186537040195L10.5,145.4579571729464L17.5,144.55239729850317L24.5,143.54488907835866L24.77183123419121,143.5L31.5,142.33015983039445L38.5,140.85016373891312L45.5,138.98072649835166L52.5,136.59252262072545L52.721582041518616,136.5L59.5,133.65763003711595L66.5,130.21611256057378L67.83721852714305,129.5L73.5,126.68040459835916L80.5,123.35999119242044L82.73810602835717,122.5L87.5,121.07431155604354L94.5,120.38899213096181L101.5,121.51920675887843L103.70802950291944,122.5L108.5,124.95498846913044L114.5548832917077,129.5L115.5,130.486674246954L118.9901405950685,136.5L122.5,142.56874506312803L122.95469069307256,143.5L126.96204740110154,150.5L129.5,153.74085875050213L132.8101658702313,157.5L136.5,160.88673894133194L142.23180694566295,164.5L143.5,165.42847376734832L150.5,169.85740807312408L152.43731570083483,171.5L155.47591513402975,178.5L153.81937173533365,185.5L150.5,192.25369297459665L150.33942493991046,192.5L146.50643384212688,199.5L143.5572016737102,206.5L143.5,206.6421084532208L141.01872419070682,213.5L138.3788545155821,220.5L136.5,225.36979652966545L135.7460815625666,227.5L133.4107390496823,234.5L131.50325221967705,241.5L130.05672325419025,248.5L129.5,252.21854132923767L128.9465909947851,255.5L128.1319219655102,262.5L127.59652533948135,269.5L127.25057337891522,276.5L129.5,280L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(156, 215, 163)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L3.5,142.36898875725078L10.5,141.43973982573397L17.5,140.43747263660435L24.5,139.33491144420276L31.5,138.07041550824542L38.5,136.54053088544515L38.64893456356043,136.5L45.5,134.58534511103304L52.5,132.1534730063106L58.74154026345209,129.5L59.5,129.18450928440816L66.5,125.88619714148136L73.34762048787145,122.5L73.5,122.43152218054396L80.5,119.59683570042687L87.5,117.78473507596469L94.5,117.63425966594558L101.5,119.4687672493301L108.32412058227584,122.5L108.5,122.59010530067604L115.5,128.47172379525577L116.43601976568104,129.5L120.89910143992302,136.5L122.5,139.2680439904189L124.56627737997546,143.5L129.0641581301606,150.5L129.5,151.05655174108344L135.1738709980945,157.5L136.5,158.71719637632182L143.5,163.4549175393016L145.48481062456094,164.5L150.5,167.79344623797408L154.8716060463164,171.5L157.5,177.14280781151612L157.8316863978284,178.5L157.5,181.41991029286459L156.5199948489702,185.5L153.3092340017117,192.5L150.5,198.79185110607557L150.11234629688622,199.5L147.1979015071607,206.5L144.35676433470798,213.5L143.5,215.37239420970292L141.45993821593595,220.5L138.620226441899,227.5L136.5,233.2488003524841L136.07483883956547,234.5L134.04414781439903,241.5L132.51171687842566,248.5L131.41874834361673,255.5L130.67387507566923,262.5L130.1836717929791,269.5L129.866531265875,276.5L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(169, 221, 162)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L80.5,0L73.5,0L66.5,0L59.5,0L52.5,0L45.5,0L38.5,0L31.5,0L24.5,0L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L0,136.5L3.5,138.31104261705977L10.5,137.3301232809602L16.026290985754713,136.5L17.5,136.2645804736772L24.5,135.0611043629965L31.5,133.70981879384684L38.5,132.11680519566147L45.5,130.1596441252976L47.39278492202305,129.5L52.5,127.71806427150567L59.5,124.84172068935553L64.54066138134696,122.5L66.5,121.63642108623732L73.5,118.5382449830018L80.5,115.95103012805589L82.51779191289312,115.5L87.5,114.66641260362145L94.5,115.0352066689304L95.85825402917825,115.5L101.5,117.41832773978179L108.5,121.1906827023434L110.17194475587041,122.5L115.5,127.00278140352556L117.77316936319437,129.5L122.5,136.19439342094654L122.69662367210078,136.5L126.17786406687836,143.5L129.5,148.5558817752508L130.87319034144656,150.5L136.5,156.66660341114246L137.5116550353502,157.5L143.5,161.8000245964155L148.6277674907169,164.5L150.5,165.72948440282406L157.305896391798,171.5L157.5,171.9167143038321L159.10889985734184,178.5L158.60800156078318,185.5L157.5,189.69934234766393L156.25030360325786,192.5L153.49121007447698,199.5L150.83475619249606,206.5L150.5,207.28756138801262L147.90031702951163,213.5L144.63449184410268,220.5L143.5,222.80635723616624L141.51176200333495,227.5L138.8006501022432,234.5L136.58796521867566,241.5L136.5,241.85604643158L134.9667105026611,248.5L133.8175336778781,255.5L133.03773482878748,262.5L132.52660712263997,269.5L132.1969960868047,276.5L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(182, 226, 161)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L94.5,0L87.5,0L85.99661374686056,3.5L83.4713438282729,10.5L81.07654629322037,17.5L80.5,19.27907069756509L77.64646166280912,24.5L74.71980991290928,31.5L73.5,36.42195180268061L72.67317160489198,38.5L69.72368400083488,45.5L66.5,46.4770800963756L65.44942957128191,45.5L59.5,40.52713777777781L57.29325483400934,38.5L52.5,34.29272996622358L49.44077277177644,31.5L45.5,27.879814746717845L41.852804997720966,24.5L38.5,21.2460768558225L34.50825083459953,17.5L31.5,14.463221371310885L27.323649920951382,10.5L24.5,7.573384367051493L20.237918892464346,3.5L17.5,0L10.5,0L3.5,0L0,3.5L0,10.5L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L3.5,134.12588977079392L10.5,133.0440223396733L17.5,131.89416024494193L24.5,130.65967375437322L30.43189126496494,129.5L31.5,129.2781058488056L38.5,127.61317719545545L45.5,125.64520344144586L52.5,123.28727061622058L54.44807694462077,122.5L59.5,120.48709515550821L66.5,117.51626517774758L71.3316526373975,115.5L73.5,114.66401342855083L80.5,112.5982464856543L87.5,111.93747500014523L94.5,112.97164920027393L101.5,115.40060092872952L101.63898267447098,115.5L108.5,119.82950256987695L111.91011623527079,122.5L115.5,125.53383901179532L119.11031896070773,129.5L122.5,134.30064977827945L123.91503601843173,136.5L127.78945075378127,143.5L129.5,146.1032453017357L132.60556272170388,150.5L136.5,154.7680402683099L139.81630925286964,157.5L143.5,160.14513165352943L150.5,164.03227844098737L151.0858808889602,164.5L157.5,170.2951432881013L158.32407100165804,171.5L160.38611331685527,178.5L160.34708291993803,185.5L158.88852753212603,192.5L157.5,197.71993136815422L156.84272482040694,199.5L154.43411233227698,206.5L151.45398322846358,213.5L150.5,215.3401870673516L147.99221589808508,220.5L144.49174517916202,227.5L143.5,229.62506032680156L141.53818000742422,234.5L139.2161575610553,241.5L137.460306679219,248.5L136.5,253.82323170860536L136.2163190121394,255.5L135.40159458190573,262.5L134.86954245230086,269.5L134.5274609077343,276.5L136.5,280L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(194, 230, 159)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L101.5,0L98.7063225437093,3.5L97.72921255204334,10.5L96.64786937927965,17.5L95.41111185066408,24.5L94.5,28.892713570282467L93.6655228185204,31.5L91.21436884722948,38.5L88.95349831869942,45.5L87.5,51.15068208796223L87.08302111379439,52.5L85.74752388069841,59.5L85.06131953547909,66.5L80.5,70.11190738214286L74.89290735118476,66.5L73.5,65.56418448930276L66.5,59.71863305129733L66.19452589620194,59.5L59.5,53.45327975752082L58.17183621276554,52.5L52.5,47.44998469655786L49.82414012923137,45.5L45.5,41.70224086124421L41.18630243974796,38.5L38.5,36.15662523546112L32.30569117208965,31.5L31.5,30.80054351355622L24.5,25.638825821270256L22.719009968247775,24.5L17.5,20.703235557286018L12.522822705432057,17.5L10.5,16.028054452637534L3.5,11.769879729073898L0,17.5L0,24.5L0,31.5L0,38.5L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L0,129.5L3.5,129.83820614672402L5.619219893850678,129.5L10.5,128.64951910753757L17.5,127.37405496668791L24.5,126.03593201434924L31.5,124.60095259145979L38.5,122.99547074331619L40.31865381215431,122.5L45.5,121.00337449674782L52.5,118.68791735457265L59.5,116.11861761574193L61.01977976436615,115.5L66.5,113.30420469867772L73.5,110.85745807224289L80.5,109.28683092088475L87.5,109.20853739666902L94.5,110.90809173161746L101.5,113.85787855580587L103.79606199739274,115.5L108.5,118.4683224374105L113.64828771467117,122.5L115.5,124.0648966200651L120.44746855822109,129.5L122.5,132.40690613561236L125.1334483647627,136.5L129.40103744068415,143.5L129.5,143.65060882822064L134.3379351019612,150.5L136.5,152.86947712547737L142.12096347038909,157.5L143.5,158.49023871064335L150.5,162.87543535586263L152.53497435501959,164.5L157.5,168.98589035277436L159.21954460211492,171.5L161.66332677636873,178.5L162.0861642790929,185.5L161.30298940490889,192.5L159.98283947946823,199.5L158.0080597986426,206.5L157.5,207.74052718134018L155.03550486533138,213.5L151.3698074234891,220.5L150.5,222.04658136310547L147.6664093931157,227.5L144.36166685654808,234.5L143.5,236.67178095601696L141.84434990343493,241.5L140.0181196541174,248.5L138.7185365007134,255.5L137.8347761268496,262.5L137.25474786326365,269.5L136.8803497806688,276.5L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(205, 235, 159)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L108.5,0L105.45221838848676,3.5L104.6966986019307,10.5L103.80586517172864,17.5L102.72271624203822,24.5L101.5,31.001905913945983L101.37069371477021,31.5L99.19322258524159,38.5L96.91329699256396,45.5L94.7442632924102,52.5L94.5,53.34922218872475L92.46946942474307,59.5L91.26873630439277,66.5L90.89508795296972,73.5L87.5,80.30023308150442L80.5,75.58518623449307L77.46205513220794,73.5L73.5,70.26530072897174L68.2027827366443,66.5L66.5,64.9908101155865L59.5,60.06879261356092L58.447408732401286,59.5L52.5,55.50752813492228L47.1227620659758,52.5L45.5,51.38493743502869L38.5,47.96707296041212L32.527415666366174,45.5L31.5,45.00795797072753L24.5,42.989909055442375L17.5,41.59862493841941L10.5,40.8490188705522L3.5,40.51783016208598L0,45.5L0,52.5L0,59.5L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L0,122.5L3.5,125.21401915036714L10.5,123.96793772535293L17.5,122.67261221372976L18.402044863782088,122.5L24.5,121.16706704134151L31.5,119.5943287242656L38.5,117.93260656425113L45.5,116.10751580235308L47.490360501246286,115.5L52.5,113.80823881574547L59.5,111.34574171315542L66.5,109.00406740904494L68.14799942538883,108.5L73.5,106.85408882319483L80.5,105.88219503441641L87.5,106.52434725309432L93.21189257900389,108.5L94.5,108.84453426296099L101.5,112.31515618288222L105.9531413203145,115.5L108.5,117.10714230494405L115.38645919407155,122.5L115.5,122.59595422833486L121.78461815573445,129.5L122.5,130.51316249294524L126.35186071109365,136.5L129.5,141.63475012913307L130.7813591057013,143.5L136.07030748221854,150.5L136.5,150.9709139826448L143.5,156.93177809668515L144.19447126694442,157.5L150.5,161.71859227073793L153.98406782107895,164.5L157.5,167.6766374174474L160.1150182025718,171.5L162.94054023588214,178.5L163.8252456382478,185.5L163.7174512776917,192.5L163.07138187606304,199.5L161.4359815061161,206.5L158.57341874054885,213.5L157.5,215.49218438067265L154.80601877121745,220.5L150.8551115479793,227.5L150.5,228.16787281287964L147.40254431572788,234.5L144.59580218149543,241.5L143.5,245.04197144527961L142.57593262901582,248.5L141.2346264659631,255.5L140.32812849710572,262.5L139.7366855160528,269.5L139.35681825586232,276.5L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(215, 239, 159)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L110.55706148621772,3.5L109.92196703032721,10.5L109.14553063197071,17.5L108.5,22.093331610235236L108.06577866242039,24.5L106.48565058171566,31.5L104.63617926382905,38.5L102.58459486686465,45.5L101.5,48.89971336080049L100.10415156770573,52.5L97.58487069172551,59.5L95.82158762992634,66.5L95.15692637577521,73.5L95.36176609766385,80.5L94.5,85.59877252494499L87.5,83.68634675497938L82.46813616040875,80.5L80.5,79.1399339844087L73.5,74.54556016959107L71.65697927589176,73.5L66.5,70.14360963862754L59.792347487906646,66.5L59.5,66.30597399769506L52.5,64.18854283772933L45.5,63.43022606825573L38.5,64.03518422702055L31.5,64.76466576826724L24.5,64.67240459519265L17.5,63.91541255983107L10.5,62.88706845336327L3.5,61.8275694541109L0,66.5L0,73.5L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L0,115.5L3.5,120.23908032967134L10.5,118.77360178608986L17.5,117.28345585565229L24.5,115.79660254666096L25.885170315002647,115.5L31.5,113.96758350163346L38.5,112.10411677234684L45.5,110.259454230756L52.05372098429247,108.5L52.5,108.33641826964876L59.5,105.76569728753742L66.5,103.76509276375356L73.5,102.53053368651048L80.5,102.44850540568395L87.5,103.85584966817181L94.5,106.60580099412422L97.02869333491863,108.5L101.5,110.77243380995856L108.11022064323626,115.5L108.5,115.74596217247759L115.5,121.45065202423262L116.44122373418284,122.5L122.5,128.9978174387873L122.9545951291631,129.5L127.5702730574246,136.5L129.5,139.64746736349866L132.1465503903228,143.5L136.5,149.16431554254152L137.72467753046496,150.5L143.5,155.51698771068845L145.9236043153048,157.5L150.5,160.5617491856132L155.43316128713832,164.5L157.5,166.36738448212049L161.01049180302869,171.5L164.2177536953956,178.5L164.5,180.35704467353952L165.3225147195981,185.5L165.9106712494191,192.5L165.9750596955018,199.5L164.82246801945314,206.5L164.5,207.3973132384006L162.01512082830249,213.5L158.22618553808852,220.5L157.5,221.73293138727283L154.16043890244134,227.5L150.5,234.38433716126266L150.4434217749077,234.5L147.55709143608917,241.5L145.36725272044538,248.5L143.7901797321097,255.5L143.5,257.37617226798136L142.82148086736186,262.5L142.21862316884193,269.5L141.83328673105584,276.5L143.5,280L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(224, 243, 161)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L115.5,0L114.88255141653285,3.5L114.180394584525,10.5L113.3073612057349,17.5L112.20561276917265,24.5L110.83699890199908,31.5L109.19535263088808,38.5L108.5,40.989351030871255L106.99501330837212,45.5L104.48279226142336,52.5L102.04474467926958,59.5L101.5,61.162647887323935L99.65631412032936,66.5L98.25818591367793,73.5L97.98935571309191,80.5L97.62344833071855,87.5L94.5,90.54620509895591L88.64014291723988,87.5L87.5,86.94372427795204L80.5,83.23827503741154L75.97725112511813,80.5L73.5,78.99526111188993L66.5,76.46902785568776L59.5,75.98832940214055L52.5,79.33080746366481L50.24203869916969,80.5L45.5,83.57186481496346L38.5,84.68622593969819L31.5,83.93857489891809L24.5,82.23750367738324L18.789436177208454,80.5L17.5,80.1563885824063L10.5,78.12840398005763L3.5,76.2619951846177L0,80.5L0,87.5L0,94.5L0,101.5L0,108.5L3.5,114.56244091879906L10.5,112.58498991749542L17.5,110.63957497882609L24.5,108.79848613470438L25.710580619874968,108.5L31.5,105.89167120536146L38.5,103.38710125071817L45.5,101.53347790921677L45.64262883737585,101.5L52.5,98.49221104699095L59.5,97.2025948866328L66.5,96.71228621229871L73.5,96.93367322403535L80.5,98.13153553659073L87.5,100.93605659259927L88.10188606285418,101.5L94.5,104.33195821367427L100.06419861484997,108.5L101.5,109.2297114370349L108.5,114.12205062090175L109.62020919965038,115.5L115.5,120.32796811014185L117.44822691170819,122.5L122.5,127.9178431138143L123.93222976977736,129.5L128.78868540375555,136.5L129.5,137.66018459786423L133.51174167494432,143.5L136.5,147.3880519113203L139.35331829602262,150.5L143.5,154.1021973246917L147.65273736366515,157.5L150.5,159.40490610048846L156.8822547531977,164.5L157.5,165.05813154679356L161.90596540348557,171.5L164.5,177.01650443466218L165.19235928475427,178.5L166.66648139522908,185.5L167.9977994435652,192.5L168.719633337871,199.5L167.8600755001497,206.5L165.36187196838608,213.5L164.5,215.2008900251491L161.58811726632402,220.5L157.5,227.4408819483934L157.46576625690335,227.5L153.6779061686389,234.5L150.5200528036917,241.5L150.5,241.5570228810576L148.2906474180817,248.5L146.70230762316328,255.5L145.6220028398865,262.5L144.91464963854463,269.5L144.45951138244038,276.5L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(232, 246, 164)" opacity="1" stroke="none"></path><path d="M10.59802682659765,101.5L10.5,100.73926033217461L9.615691351773027,94.5L3.5,90.8294448437455L0,94.5L0,101.5L3.5,105.53131169074874L10.5,101.55251849061887ZM280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L118.3982352873441,3.5L117.80256368078639,10.5L117.04947842605534,17.5L116.0853975703017,24.5L115.5,27.8184649016274L114.71227431379069,31.5L112.88772188821233,38.5L110.79912092516675,45.5L108.5129165998631,52.5L108.5,52.5354564189506L105.6819350362974,59.5L103.17483223637906,66.5L101.5,72.9380288924728L101.35944545158067,73.5L100.61694532851999,80.5L101.18209266404003,87.5L94.5,94.0168437539711L87.5,92.47668862834679L83.26197137719167,94.5L87.5,96.12271372333646L93.23907527497884,101.5L94.5,102.05811543322432L101.5,106.39673039426833L102.78546696963026,108.5L108.5,112.44019345426163L110.98748139349621,115.5L115.5,119.20528419605108L118.45523008923351,122.5L122.5,126.83786878884129L124.90986441039166,129.5L129.5,135.930018593874L129.99862754079297,136.5L134.8769329595658,143.5L136.5,145.6117882800991L140.98195906158028,150.5L143.5,152.687406938695L149.38187041202553,157.5L150.5,158.24806301536375L157.5,164.01315985433646L157.95017415580097,164.5L162.80143900394245,171.5L164.5,175.1121797603957L166.08112289161733,178.5L168.01044807086006,185.5L170.0849276377114,192.5L171.46420698024016,199.5L170.89768298084624,206.5L168.46203449918895,213.5L164.92232249901613,220.5L164.5,221.25332614570755L160.79931554855332,227.5L157.5,233.42107372292895L156.91606108461448,234.5L153.75073401808035,241.5L151.2967647173197,248.5L150.5,251.6180240713717L149.61443551421684,255.5L148.5373675691912,262.5L147.8391763598467,269.5L147.3939780852963,276.5L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280ZM101.5,95.00513632260821L98.65317625839884,94.5L101.5,90.88462637814645L101.6704242485072,94.5Z" fill="rgb(238, 248, 168)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L122.5,0L121.77907341142468,3.5L121.13903664876842,10.5L120.32425681690643,17.5L119.28039268016317,24.5L117.96889719022002,31.5L116.37442747673853,38.5L115.5,41.70213975121991L114.28916515973927,45.5L111.78753747854734,52.5L109.1877405531344,59.5L108.5,61.29948910808233L106.40054421292243,66.5L104.14892573796597,73.5L102.99910960612739,80.5L103.11526778442526,87.5L103.45638936728842,94.5L101.5,100.29872488356658L99.88151404366441,101.5L101.5,102.40568804315227L105.22469449556148,108.5L108.5,110.75833628762152L112.35475358734209,115.5L115.5,118.08260028196031L119.46223326675886,122.5L122.5,125.75789446386828L125.88749905100593,129.5L129.5,134.56051462292453L131.19668837190324,136.5L136.2421242441873,143.5L136.5,143.83552464887788L142.61059982713797,150.5L143.5,151.27261655269825L150.5,157.09932340297138L150.851920542943,157.5L157.5,163.16456613902562L158.73485669032652,164.5L163.69691260439936,171.5L164.5,173.2078550861292L166.9698864984804,178.5L169.35441474649105,185.5L171.5,191.32509676843074L172.01144003245875,192.5L173.48118321713224,199.5L173.3695927562276,206.5L171.55148467276499,213.5L171.5,213.6270893627465L168.07713325552004,220.5L164.5,226.8807824928603L164.133160197861,227.5L160.27619802057293,234.5L157.5,240.35365767042214L156.98141523246898,241.5L154.55883805809708,248.5L152.80492836882283,255.5L151.60006409052932,262.5L150.80793783404965,269.5L150.5,273.74664935585747L150.32844478815224,276.5L150.5,280L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(244, 249, 173)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L124.76397179273097,3.5L124.18491666096232,10.5L123.44053405622623,17.5L122.5,24.342930149181157L122.47538779002467,24.5L121.067683420682,31.5L119.36372069167831,38.5L117.37458725014298,45.5L115.5,51.31038222242424L115.06215835723158,52.5L112.24153833352402,59.5L109.48634152091094,66.5L108.5,69.16443438708208L106.92360482259048,73.5L105.25704364586312,80.5L104.88898887087,87.5L105.24235448606964,94.5L105.20723464288812,101.5L107.6639220214927,108.5L108.5,109.07647912098142L113.72202578118792,115.5L115.5,116.95991636786954L120.4692364442842,122.5L122.5,124.67792013889527L126.8651336916202,129.5L129.5,133.19101065197503L132.3947492030135,136.5L136.5,142.16017789183235L137.65764326641252,143.5L143.5,149.80128738015642L144.10246130094816,150.5L150.5,155.9654130562294L151.84785179481395,157.5L157.5,162.31597242371478L159.51953922485208,164.5L164.5,171.3880370642028L164.5982157427029,171.5L167.85865010534346,178.5L170.698381422122,185.5L171.5,187.676331972768L173.59976180687042,192.5L175.48854519877824,199.5L175.7015893011388,206.5L174.11769809867445,213.5L171.5,219.96175969189815L171.23194401202392,220.5L167.43201797621686,227.5L164.5,232.978934648052L163.66317152462892,234.5L160.44139790006943,241.5L157.8594645393436,248.5L157.5,249.83478765192476L156.11706070688504,255.5L154.96626470592452,262.5L154.22303795443838,269.5L153.75278507730073,276.5L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(248, 249, 176)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L129.5,0L127.64155702311871,3.5L127.03060207040642,10.5L126.24302899128281,17.5L125.22685967600124,24.5L123.94337908074385,31.5L122.5,37.91358781610421L122.35301390661807,38.5L120.24505296553207,45.5L117.88034581731381,52.5L115.5,58.99734247647025L115.29533611391366,59.5L112.31132369346047,66.5L109.60654562333335,73.5L108.5,76.98231919681555L107.51497768559886,80.5L106.66270995731475,87.5L107.02831960485085,94.5L108.5,99.57143849094572L108.87445156695158,101.5L109.63568908337037,108.5L115.08929797503376,115.5L115.5,115.83723245377875L121.47623962180953,122.5L122.5,123.59794581392228L127.8427683322345,129.5L129.5,131.82150668102557L133.59281003412377,136.5L136.5,140.5083330315138L139.08488279921966,143.5L143.5,148.2619348779658L145.42975994240564,150.5L150.5,154.83150270948744L152.84378304668493,157.5L157.5,161.46737870840394L160.30422175937764,164.5L164.5,170.30281169541468L165.5501934202855,171.5L168.7474137122065,178.5L171.5,184.69306166805507L172.03809410404222,185.5L175.18808358128211,192.5L177.4959071804242,199.5L178.03358584604996,206.5L176.68391152458395,213.5L174.08430900536163,220.5L171.5,226.07073059467248L170.72654998583334,227.5L167.15648351004583,234.5L164.5,240.28373344540069L163.94522570486856,241.5L161.51343163075927,248.5L159.71954460280506,255.5L158.47801557615875,262.5L157.6648449842065,269.5L157.5,271.7632958132333L157.20754268786854,276.5L157.5,280L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(251, 248, 176)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L130.4406528622087,3.5L129.8478527972905,10.5L129.5,13.644084467120205L129.0455239263394,17.5L127.97488841739249,24.5L126.62733028122061,31.5L124.98458036803947,38.5L123.04448175995245,45.5L122.5,47.17583087944155L120.62808523008766,52.5L117.9502099131232,59.5L115.5,65.65119574462113L115.13630586600998,66.5L112.16880067721432,73.5L109.76304110067275,80.5L108.5,87.0815886554434L108.43643104375948,87.5L108.5,88.68441264615251L108.75347015067243,94.5L110.06940997150997,101.5L111.36366516489565,108.5L115.5,113.9168256418112L116.30545502847787,115.5L122.48324279933487,122.5L122.5,122.51797148894924L128.82040297284877,129.5L129.5,130.45200271007607L134.79087086523404,136.5L136.5,138.8564881711953L140.5121223320268,143.5L143.5,146.72258237577523L146.75705858386306,150.5L150.5,153.69759236274547L153.8397142985559,157.5L157.5,160.6187849930931L161.08890429390323,164.5L164.5,169.21758632662656L166.50217109786809,171.5L169.6361773190696,178.5L171.5,182.69342668838718L173.37151916293428,185.5L176.77640535569378,192.5L178.5,197.29265126686408L179.24556726199512,199.5L179.91423074809904,206.5L179.1266102643153,213.5L178.5,215.89097707493914L176.90858972956138,220.5L173.92220517623593,227.5L171.5,232.87643502398987L170.68469040074444,234.5L167.72426185338676,241.5L165.26060967739647,248.5L164.5,251.4246911088993L163.5301666004202,255.5L162.43277086748145,262.5L161.74020310768995,269.5L161.3168041442094,276.5L164.5,280L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(253, 245, 173)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L133.09662044072948,3.5L132.47850006271952,10.5L131.67592119433613,17.5L130.6373558717119,24.5L129.5,30.54489162367857L129.31128148169734,31.5L127.59764747110543,38.5L125.58366744682577,45.5L123.28650982732194,52.5L122.5,54.622545460731125L120.57642751881212,59.5L117.67975509943228,66.5L115.5,71.70659132310888L114.7310557310953,73.5L112.0034662912292,80.5L110.2939258611457,87.5L110.19384829734652,94.5L111.26436837606838,101.5L113.0916412464209,108.5L115.5,111.65391765201197L117.45673101393015,115.5L122.5,121.21670780173605L123.80766335710997,122.5L129.5,129.03461974963457L129.95143492999765,129.5L135.9889316963443,136.5L136.5,137.20464331087678L141.93936186483393,143.5L143.5,145.18322987358462L148.0843572253205,150.5L150.5,152.56368201600347L154.83564555042685,157.5L157.5,159.77019127778226L161.87358682842878,164.5L164.5,168.13236095783842L167.45414877545068,171.5L170.52494092593264,178.5L171.5,180.6937917087193L174.70494422182628,185.5L178.3647271301055,192.5L178.5,192.87614162553473L180.7373138770318,199.5L181.68203325001636,206.5L181.27027402598708,213.5L179.6256033628169,220.5L178.5,223.96150632163537L177.0875256621903,227.5L174.26959990430828,234.5L171.55911064816843,241.5L171.5,241.69627897784085L169.42490103468575,248.5L167.84968202287172,255.5L166.78580847614876,262.5L166.12547990490015,269.5L165.73735403674158,276.5L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(254, 241, 167)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L136.5,0L135.75258801925025,3.5L135.1091473281485,10.5L134.27300771117268,17.5L133.1931190337586,24.5L131.83210449983233,31.5L130.16856232680024,38.5L129.5,40.83795204356485L128.1228531336991,45.5L125.75404036403481,52.5L123.14280030604438,59.5L122.5,61.068258537863585L120.18160339997658,66.5L117.15402783004156,73.5L115.5,77.38660622123032L114.24389148178565,80.5L112.15453467555142,87.5L111.63422644402064,94.5L112.45932678062678,101.5L114.81961732794619,108.5L115.5,109.39100966221272L118.60800699938241,115.5L122.5,119.9116993982253L125.13745533457246,122.5L129.5,127.50806124405396L131.43224945008734,129.5L136.5,135.49543255475368L137.37551457104615,136.5L143.36660139764106,143.5L143.5,143.64387737139404L149.41165586677795,150.5L150.5,151.4297716692615L155.83157680229783,157.5L157.5,158.92159756247142L162.65826936295434,164.5L164.5,167.0471355890503L168.4061264530333,171.5L171.41370453279572,178.5L171.5,178.6941567290514L176.0383692807183,185.5L178.5,190.18055240961385L179.89296075239648,192.5L182.22906049206847,199.5L183.44983575193373,206.5L183.41393778765882,213.5L182.2041548002367,220.5L180.21588743423726,227.5L178.5,232.8229116415736L177.87155029796318,234.5L175.67099342640816,241.5L173.83581650917873,248.5L172.47379996508218,255.5L171.58894051577485,262.5L171.5,263.8213800531344L171.16090705038195,269.5L170.9669615729722,276.5L171.5,280L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(254, 235, 159)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L138.30044563253236,3.5L137.67078759161916,10.5L136.85005292930938,17.5L136.5,19.785829133374275L135.74888219580532,24.5L134.3405898674208,31.5L132.6266492804099,38.5L130.60224512794747,45.5L129.5,48.7831354438692L128.22157090074768,52.5L125.54534096534906,59.5L122.67187641022417,66.5L122.5,66.8843526502776L119.51727752568192,73.5L116.474108011977,80.5L115.5,82.98539248554911L114.01514348995713,87.5L113.07460459069475,94.5L113.65428518518517,101.5L115.5,106.52691836796906L116.22102654777638,108.5L119.75928298483466,115.5L122.5,118.60669099471454L126.46724731203494,122.5L129.5,125.98150273847335L132.91306397017703,129.5L136.5,133.74354609273144L138.9023429901603,136.5L143.5,141.88027249581427L144.77279995839575,143.5L150.5,150.20411574010257L150.72565265673853,150.5L156.8275080541688,157.5L157.5,158.0730038471606L163.4429518974799,164.5L164.5,165.96191022026218L169.35810413061589,171.5L171.5,176.49535885511193L173.03326881421907,178.5L177.37179433961032,185.5L178.5,187.64517379918698L181.4156004151457,192.5L183.72080710710512,199.5L185.21763825385105,206.5L185.5,212.49196690677365L185.55474450984576,213.5L185.5,214.11660619205327L184.78270623765647,220.5L183.31446722284664,227.5L181.56647872444734,234.5L179.87440796124406,241.5L178.5,248.46019375795447L178.49169240588878,248.5L177.6646440702688,255.5L177.26480813099286,262.5L177.17556605704485,269.5L177.26279774231088,276.5L178.5,280L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(254, 229, 150)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L140.8059661594062,3.5L140.1550129562449,10.5L139.30650232539654,17.5L138.21074848344503,24.5L136.8318775022414,31.5L136.5,32.86254387500728L135.08473623401957,38.5L133.01077486272118,45.5L130.63974417712456,52.5L129.5,55.49069202131735L127.94788162465375,59.5L125.01586506556015,66.5L122.5,72.12601583560959L121.88052722132228,73.5L118.69129704237636,80.5L115.92045654588372,87.5L115.5,89.09589138341144L114.51498273736884,94.5L114.8492435897436,101.5L115.5,103.27237530171733L117.41033970824283,108.5L120.91055897028694,115.5L122.5,117.30168259120379L127.79703928949743,122.5L129.5,124.45494423289276L134.39387849026676,129.5L136.5,131.9916596307092L140.42917140927443,136.5L143.5,140.0935465761542L146.1768291363477,143.5L150.5,148.56059464024693L151.97906472643365,150.5L157.5,157.0193293811029L157.90164406325408,157.5L164.22763443200546,164.5L164.5,164.87668485147407L170.3100818081985,171.5L171.5,174.2751434891107L174.73142161838575,178.5L178.5,185.046030147346L178.84516028621786,185.5L182.93824007789493,192.5L185.21255372214182,199.5L185.5,200.8057904364033L186.9690985313088,206.5L187.59208245076252,213.5L187.3428594875853,220.5L186.44320866517305,227.5L185.5,233.33320157436512L185.28105806851573,234.5L184.27966889416953,241.5L183.62450347626717,248.5L183.4096188530716,255.5L183.5918058768928,262.5L184.03525090140155,269.5L184.59645006945516,276.5L185.5,280L192.5,280L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(254, 221, 141)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L280,185.5L280,178.5L280,171.5L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L143.5,0L143.3114866862801,3.5L142.63923832087067,10.5L141.7629517214837,17.5L140.63353362208306,24.5L139.21677844825746,31.5L137.49499284058163,38.5L136.5,41.901955692723675L135.4193045974949,45.5L133.00485237773498,52.5L130.32571508875358,59.5L129.5,61.455617590606295L127.35985372089611,66.5L124.19452621636974,73.5L122.5,77.04824481773792L120.90848607277573,80.5L118.00242689247247,87.5L116.10235297744154,94.5L116.22056622279227,101.5L118.59965286870928,108.5L122.06183495573919,115.5L122.5,115.99667418769305L129.1268312669599,122.5L129.5,122.92838572731213L135.87469301035645,129.5L136.5,130.23977316868695L141.95599982838857,136.5L143.5,138.30682065649415L147.5808583142996,143.5L150.5,146.91707354039127L153.2324767961288,150.5L157.5,155.53925295787144L159.13838266383107,157.5L164.5,163.5837789237028L165.3116942121858,164.5L171.2620594857811,171.5L171.5,172.0549281231095L176.42957442255246,178.5L178.5,182.0963344464133L181.08785945762207,185.5L184.46087974064415,192.5L185.5,195.70665112957334L187.1065782923064,199.5L188.71745237788633,206.5L189.6294203916793,213.5L189.89592242148615,220.5L189.64414713786542,227.5L189.2137315268453,234.5L188.94074149717756,241.5L189.0555629654011,248.5L189.63081631871287,255.5L190.58099383596442,262.5L191.74018239383534,269.5L192.5,273.97081496668375L193.00327923771866,276.5L199.5,280L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(254, 212, 131)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L280,206.5L280,199.5L280,192.5L276.5,192.00452505591778L269.5,189.39414506163448L262.5,186.35790591805767L260.8775570935925,185.5L255.5,179.03527012335658L255.1797033541795,178.5L255.5,178.327152225504L262.5,175.0156805270066L269.5,171.95954357640414L270.68059412780656,171.5L276.5,170.60033585415647L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L145.89709058804704,3.5L145.18056069466053,10.5L144.2453565995293,17.5L143.5,21.806880212376978L143.0563187607211,24.5L141.60167939427353,31.5L139.84033666241297,38.5L137.7722281247636,45.5L136.5,49.25000558919693L135.36996057834537,52.5L132.65845508293367,59.5L129.70138211710747,66.5L129.5,66.93568946982238L126.49102901218936,73.5L123.14596068983798,80.5L122.5,81.86944952820541L120.08439723906125,87.5L118.0076902510073,94.5L117.80278509185561,101.5L119.78896602917573,108.5L122.5,114.00430941975571L124.19282492239097,115.5L129.5,120.60781576295102L131.50754536835277,122.5L136.5,127.79125907904942L137.64158138705352,129.5L143.48282824750268,136.5L143.5,136.5200947368341L148.98488749225152,143.5L150.5,145.2735524405356L154.4858888658239,150.5L157.5,154.05917653464L160.37512126440808,157.5L164.5,162.18046276729535L166.55491337783312,164.5L171.5,170.38944038972386L172.98702977367148,171.5L178.12772722671917,178.5L178.5,179.1466387454806L183.33055862902626,185.5L185.5,190.7699868487279L186.61086025941378,192.5L189.09661985864395,199.5L190.4658062244639,206.5L191.66675833259606,213.5L192.44898535538704,220.5L192.5,221.59455257818507L192.8832550536697,227.5L193.22480011217112,234.5L193.80676985477314,241.5L194.83081882403863,248.5L196.31857548987358,255.5L198.14744943945527,262.5L199.5,267.3639811276244L200.22220299981257,269.5L202.5586031518941,276.5L206.5,280L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(254, 203, 123)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L280,213.5L276.5,207.339676219558L273.6719395737793,206.5L269.5,204.91242313812043L262.5,202.27085781372634L255.5,199.5397964096013L255.40531697406934,199.5L248.5,195.57049283594594L244.84542921221703,192.5L241.5,189.39040877367898L238.77265980429533,185.5L237.87674926612857,178.5L241.5,176.04483329316955L248.5,171.58664100509287L248.65218238737316,171.5L255.5,169.7629774199024L262.5,168.23345479983337L269.5,166.91798317589883L276.5,165.77610834747102L280,164.5L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L150.5,0L148.4892101287336,3.5L147.75215594607644,10.5L146.79043294715262,17.5L145.55299518283198,24.5L144.0055158780391,31.5L143.5,33.368313937394994L142.18568048424427,38.5L140.0798949725347,45.5L137.68876471226758,52.5L136.5,55.62697206635548L134.9911950771138,59.5L132.01708019035806,66.5L129.5,71.94569373581558L128.78753180800896,73.5L125.43503524036738,80.5L122.5,86.72233316735641L122.16636758565001,87.5L119.91302752457307,94.5L119.38500396091895,101.5L120.97827918964215,108.5L122.5,111.58960429151105L126.92579193796863,115.5L129.5,117.97751022419314L134.29821321046592,122.5L136.5,124.83356639165079L139.61756667491113,129.5L143.5,134.15663530938366L145.13180218211252,136.5L150.38891667020343,143.5L150.5,143.63003134067998L155.73930093551905,150.5L157.5,152.57910011140854L161.61185986498506,157.5L164.5,160.77714661088797L167.79813254348045,164.5L171.5,168.90880602942343L174.9695864570901,171.5L178.5,176.3663238479957L181.58858343424274,178.5L185.5,185.27614672260768L185.67085221326042,185.5L190.10904436306015,192.5L191.0866614249815,199.5L192.21416007104148,206.5L192.5,208.01680325473L194.08594872615106,213.5L195.37607708098804,220.5L196.4382449130327,227.5L197.55816648186723,234.5L198.99003078430465,241.5L199.5,243.60742661207215L201.02352545953823,248.5L203.55939196428,255.5L206.44697653060493,262.5L206.5,262.6310558003848L209.76992756559622,269.5L213.4201163321168,276.5L213.5,280L220.5,280L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(253, 193, 114)" opacity="1" stroke="none"></path><path d="M280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L280,227.5L280,220.5L276.5,218.2914418548847L269.5,216.44177605386793L262.5,214.69589053264548L257.2143069633991,213.5L255.5,213.0473407298863L248.5,211.37274707948114L241.5,209.73668150024963L234.5,207.99485188759584L228.61553231429323,206.5L227.5,205.71478260869574L221.59208122738275,199.5L224.2306628889043,192.5L224.2403427598746,185.5L225.20163871319787,178.5L227.5,176.79232859343784L234.5,171.63495858569573L234.69361393771194,171.5L241.5,169.19863295060816L248.5,167.06257828754332L255.5,165.18021025069703L258.46110654345307,164.5L262.5,163.78443259999398L269.5,162.7406679377407L276.5,161.8477695025171L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L151.3331037340461,3.5L150.5,8.861511669330026L150.32375119749236,10.5L149.33550929477596,17.5L148.06623676669798,24.5L146.48322653738072,31.5L144.57301030561442,38.5L143.5,41.838770484382096L142.3875618203058,45.5L139.96520244390342,52.5L137.29683571343497,59.5L136.5,61.41797210007723L134.33277826360867,66.5L131.1065070453261,73.5L129.5,76.79449524568696L127.72410979089676,80.5L124.48253602386583,87.5L122.5,92.4087693590334L121.8183647981388,94.5L120.96722282998226,101.5L122.1675923501086,108.5L122.5,109.17489916326637L129.5,115.30936956773832L129.778278239162,115.5L136.5,121.58490146337141L137.0252427933475,122.5L141.59355196276874,129.5L143.5,131.7866157644763L146.7821654740558,136.5L150.5,141.4688247988055L152.06984286171524,143.5L156.99271300521417,150.5L157.5,151.09902368817708L162.84859846556205,157.5L164.5,159.37383045448053L169.0413517091278,164.5L171.5,167.42817166912303L176.9521431405087,171.5L178.5,173.63356669327123L185.5,178.46577968957664L185.56546025686907,178.5L190.90128658148245,185.5L192.5,188.93891170018102L196.26148104673052,192.5L195.65616959715118,199.5L195.45778172523114,206.5L196.76938325145665,213.5L198.31079493673417,220.5L199.5,225.7145681663781L200.12964754253565,227.5L202.30027339969584,234.5L204.759446566497,241.5L206.5,245.87583566433563L207.7826233150328,248.5L211.33265894549285,255.5L213.5,259.5284508897489L215.28628855406242,262.5L219.63045164313752,269.5L220.5,270.8844580199457L224.3734131054131,276.5L227.5,280L234.5,280L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(253, 183, 106)" opacity="1" stroke="none"></path><path d="M209.90759421609923,185.5L213.0102249474372,178.5L213.5,178.2332140832554L220.5,173.3500049624143L222.98761640206405,171.5L227.5,169.83977882567746L234.5,167.26718465856075L241.5,164.8256048540996L242.53860534723788,164.5L248.5,163.02793565133226L255.5,161.52846560909444L262.5,160.24994221566797L269.5,159.1666315675751L276.5,158.2416439058616L280,157.5L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L280,3.5L276.5,0L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L157.5,0L155.04787107181832,3.5L153.93475176970938,10.5L152.48135216839592,17.5L150.6142206899521,24.5L150.5,24.83911038673482L148.96093719672228,31.5L147.01386264653834,38.5L144.7460868576556,45.5L143.5,48.886120822106946L142.24164017553926,52.5L139.55285151162389,59.5L136.64436596630682,66.5L136.5,66.8252721951641L133.43558995309726,73.5L130.04085552676204,80.5L129.5,81.66292604068438L126.84339609366205,87.5L124.14212217599457,94.5L122.59631896526837,101.5L125.30897435897437,108.5L129.5,112.02774877156313L134.56871828549987,115.5L136.5,117.24831082702823L139.51433318991735,122.5L143.5,129.34946749226006L143.56961285579177,129.5L148.43252876599908,136.5L150.5,139.26314135732326L153.77455863600107,143.5L157.5,149.00145557864636L158.92852162825437,150.5L164.085337066139,157.5L164.5,157.97051429807314L170.2845708747751,164.5L171.5,165.9475373088226L178.5,171.08041495303954L179.52186044112165,171.5L185.5,175.41427903284688L191.40269593224386,178.5L192.5,179.9913787745727L198.51058617576064,185.5L199.5,186.4504547594855L206.5,187.70100120817352ZM280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L280,234.5L276.5,228.35871325095871L273.4333433659392,227.5L269.5,226.49164712690492L262.5,224.81874822736813L255.5,223.3206178205804L248.5,221.99942386756663L241.5,220.76850741642684L240.22173014902702,220.5L234.5,219.3487817497848L227.5,217.25142107220506L220.5,214.5144577087144L218.80347093528985,213.5L213.5,210.46582227126677L206.5,206.81691357720374L204.86078731373004,206.5L199.5,205.2315256947404L198.99364486769173,206.5L199.45281777676226,213.5L199.5,213.70099087480224L202.26189877446768,220.5L204.6678325083178,227.5L206.5,232.40613507724464L207.6149796678532,234.5L211.13843709451797,241.5L213.5,245.96840602865205L215.0896167389538,248.5L219.43340657812394,255.5L220.5,257.1870987433662L224.33780474724406,262.5L227.5,266.8699245148362L229.6926022544726,269.5L234.5,275.49443934007104L235.39212503544093,276.5L241.5,280L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(252, 171, 99)" opacity="1" stroke="none"></path><path d="M209.0254975542532,171.5L213.5,170.39944529908482L220.5,168.1134161540833L227.5,165.5683060942055L230.38828918126933,164.5L234.5,163.2920232503048L241.5,161.34538561218938L248.5,159.58347781965364L255.5,158.03899690097072L258.37234866598055,157.5L262.5,156.73132865277046L269.5,155.63707164905327L276.5,154.70828374601237L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L280,17.5L280,10.5L276.5,7.604965050283749L271.258475328341,3.5L269.5,0L262.5,0L255.5,0L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L178.5,0L171.5,0L164.5,0L160.3840588694295,3.5L157.7795767081771,10.5L157.5,11.06989715774755L156.13392712298773,17.5L154.22607455567072,24.5L151.85181034273214,31.5L150.5,34.78573194688565L149.4547149874622,38.5L147.15194726550698,45.5L144.56286851001354,52.5L143.5,55.11570762292979L141.8088673098128,59.5L138.8959570082958,66.5L136.5,71.89835125649304L135.76467286086844,73.5L132.45335825118966,80.5L129.5,86.8501934395311L129.20425616345827,87.5L126.6989508861994,94.5L125.67869047025383,101.5L129.20759577208565,108.5L129.5,108.74612797538796L136.5,113.1686396125818L138.36443470327407,115.5L142.00342358648726,122.5L143.5,125.07190376980515L145.54774655609333,129.5L150.08289205794233,136.5L150.5,137.05745791584107L155.4792744102869,143.5L157.5,146.4840577215548L161.32828851839972,150.5L164.5,155.15756271745374L166.65388980323286,157.5L171.5,164.39691565536484L171.5635791232744,164.5L178.5,169.1667929699466L184.18230918196463,171.5L185.5,172.36277837611712L192.5,174.19539235843885L199.5,174.67911807623744L206.5,172.82917957526175ZM280,276.5L280,269.5L280,262.5L280,255.5L280,248.5L280,241.5L276.5,240.25893480216325L269.5,238.45683367802263L262.5,236.73455584322826L255.5,235.07120791412896L253.2481590746293,234.5L248.5,233.5467923603788L241.5,231.678932597588L234.5,229.01490452814824L231.95254817952662,227.5L227.5,225.558355803573L220.5,221.56344263500347L218.8649677487725,220.5L213.5,217.82390645813803L207.98850822313509,220.5L210.99375814980235,227.5L213.5,233.0017493343852L214.4717209905757,234.5L218.8087348230454,241.5L220.5,244.2782502916951L223.69725040572877,248.5L227.5,253.8322232717905L228.98698204011987,255.5L234.5,262.0147500258505L234.98681989405912,262.5L241.5,269.4212663373363L241.58011188536653,269.5L248.13186527655225,276.5L248.5,280L255.5,280L262.5,280L269.5,280L276.5,280Z" fill="rgb(250, 160, 92)" opacity="1" stroke="none"></path><path d="M218.28247176048689,164.5L220.5,163.94169430462486L227.5,161.94400863138557L234.5,159.8992204445523L241.5,157.93699056049337L243.21491688543915,157.5L248.5,156.15267481682469L255.5,154.59632848560523L262.5,153.2683653905695L269.5,152.1463738840828L276.5,151.19376330957212L280,150.5L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L280,31.5L280,24.5L276.5,24.08319015469361L269.5,20.781268862566925L263.49538828619603,17.5L262.5,16.80396262652478L255.5,11.195852194674007L254.7164410032427,10.5L248.6947654345721,3.5L248.5,0L241.5,0L234.5,0L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L185.5,0L179.80242076409115,3.5L178.5,7.570416674634276L174.283783248249,10.5L171.5,11.96263541455796L164.5,13.940846946867556L162.74044693613519,17.5L158.2773006317249,24.5L157.5,25.468207143580955L155.42012925376764,31.5L152.51585718167064,38.5L150.5,42.65442212982899L149.55780767335835,45.5L146.93945871289503,52.5L144.09003490340115,59.5L143.5,60.85326439511082L141.1475480502848,66.5L138.05878145315134,73.5L136.5,77.01779274359643L134.86586097561727,80.5L131.7976076240405,87.5L129.5,93.81087839145351L129.25577959640427,94.5L128.76106197523927,101.5L129.5,102.94077580868844L135.28017095927146,108.5L136.5,109.26251030243766L141.48824305165806,115.5L143.5,119.8232219268913L144.42445275763092,122.5L147.5258802563949,129.5L150.5,134.1759677449254L152.12898771747786,136.5L157.1839901845727,143.5L157.5,143.96665986446322L163.72805540854506,150.5L164.5,151.63357736665463L169.89422249874804,157.5L171.5,159.7853198829043L174.407863744248,164.5L178.5,167.25317098685366L185.5,169.72711945169095L192.5,169.94348021630017L199.5,169.11427557939447L206.5,167.80814261977648L213.5,166.0249919357542ZM280,276.5L280,269.5L280,262.5L276.5,261.6216347815354L269.5,261.93509345124767L267.1204949555919,262.5L267.1379584819481,269.5L269.5,273.03132773238195L271.5312234353237,276.5L276.5,280Z" fill="rgb(249, 148, 86)" opacity="1" stroke="none"></path><path d="M202.65420869602167,164.5L206.5,163.7032271734792L213.5,162.2251302562303L220.5,160.4877800080289L227.5,158.53555422695553L231.06434465983045,157.5L234.5,156.50109334564814L241.5,154.53695416810768L248.5,152.7427755251364L255.5,151.16220962245032L258.93108229109066,150.5L262.5,149.73852282627143L269.5,148.48223014225158L276.5,147.4183737562138L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L280,38.5L276.5,34.5144868253047L269.5,32.26193797258253L267.4656850938112,31.5L262.5,29.272476197926494L255.5,25.691107505071L253.39568993146986,24.5L248.5,21.074550761221115L243.63452729908198,17.5L241.5,15.499044667955978L236.0867066306472,10.5L234.5,8.583727787284463L229.876303061399,3.5L227.5,0L220.5,0L213.5,0L206.5,0L199.5,0L192.5,0L186.99593785366332,3.5L185.5,8.042900957272948L184.70118934772907,10.5L181.72583445588376,17.5L178.5,23.469281684341727L175.9541760461761,24.5L171.5,25.929583926956752L164.5,27.077950202461025L160.94461792139396,31.5L157.5,35.01468146548478L156.04159873549398,38.5L152.62246807297097,45.5L150.5,49.34857396793933L149.31604891577652,52.5L146.44650130273257,59.5L143.5,66.25789733819306L143.3991390922738,66.5L140.33675359350286,73.5L137.26301098783816,80.5L136.5,82.52934466617394L134.42425401241746,87.5L132.33509570383654,94.5L132.87603318315962,101.5L136.5,105.02442603358817L139.44908128178724,108.5L143.5,113.79490501398891L144.45320067805807,115.5L146.7428548359714,122.5L149.50401395669653,129.5L150.5,131.06590823987395L154.30892679676202,136.5L157.5,140.99726677348679L160.30954209536338,143.5L164.5,147.9921263902837L168.1866956062976,150.5L171.5,154.3304492560551L173.23189858578476,157.5L177.25214836522161,164.5L178.5,165.33954900376077L185.5,167.2553823083407L192.5,166.77688804942923L199.5,165.23544516849256Z" fill="rgb(247, 135, 81)" opacity="1" stroke="none"></path><path d="M187.52993357533398,164.5L192.5,163.58125512842108L199.5,161.82556579357785L206.5,160.2566364191299L213.5,158.73278201615025L218.56393843522872,157.5L220.5,157.0240377116551L227.5,155.09492809919178L234.5,153.09010958434624L241.5,151.1381470446511L243.9796520643917,150.5L248.5,149.21217223592734L255.5,147.45259782907456L262.5,145.9421284154551L269.5,144.66325625937952L276.5,143.5788236197999L280,143.5L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L280,45.5L276.5,42.876169690292656L269.5,40.8896080240405L262.5,38.59066191752174L262.25962467835143,38.5L255.5,35.55525014436851L248.5,32.20494490352985L247.100597753975,31.5L241.5,28.130730221586035L235.33131271498488,24.5L234.5,23.895389778206383L227.5,19.27061734320968L224.33015457927678,17.5L220.5,14.762078458746355L213.55450557950653,10.5L213.5,10.456097596730922L206.5,5.27622985283815L202.19055708891779,3.5L199.5,0L198.24732569854228,3.5L192.5,8.599425902784775L191.8642077833312,10.5L188.80342892700284,17.5L185.5,23.45572125648065L184.9301056248031,24.5L180.2049253871422,31.5L178.5,33.61649934281669L171.5,35.43226036102914L164.5,36.28525073788528L162.329284008626,38.5L157.5,42.669396919965735L156.1112111625033,45.5L152.2374860294844,52.5L150.5,55.37465669668879L148.80296770206402,59.5L145.74442928769503,66.5L143.5,71.47565912790466L142.61472573385433,73.5L139.62792868225483,80.5L137.03520789445952,87.5L136.5,90.22652402036752L135.46958850619808,94.5L136.5,98.98887646067088L137.1424891081068,101.5L143.11348616181473,108.5L143.5,109.00520738680392L147.13078935398667,115.5L149.06125691431188,122.5L150.5,126.38874297346256L151.82293012070062,129.5L156.48886587604622,136.5L157.5,137.92501898564467L163.75841526965496,143.5L164.5,144.29497095869368L171.5,148.67344194042545L173.27832992957815,150.5L176.66520425360864,157.5L178.5,160.91417873423782L184.3117623512712,164.5L185.5,164.78364516499047Z" fill="rgb(244, 124, 77)" opacity="1" stroke="none"></path><path d="M203.7571991903353,157.5L206.5,156.7683386214076L213.5,155.16979580508792L220.5,153.4973009049536L227.5,151.6402619522132L231.5483044563503,150.5L234.5,149.58625475660102L241.5,147.44068104008144L248.5,145.44962099125362L255.5,143.67717072449372L256.3137991627474,143.5L262.5,141.86164836776393L269.5,140.29172556029147L276.5,138.9614507792464L280,136.5L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L280,52.5L276.5,50.103072414445094L269.5,48.28545456678734L262.5,46.181865939078044L260.5198626491979,45.5L255.5,43.57669572984836L248.5,40.62258830836614L243.69527191558436,38.5L241.5,37.38175515538133L234.5,33.877951094890534L229.23117585696608,31.5L227.5,30.565823613347497L220.5,27.36220903835096L213.5,24.624744151733275L213.1524260241885,24.5L206.5,21.535287977076905L199.5,19.794671966083758L192.5,23.49324309206849L191.93610931257442,24.5L187.0983622276998,31.5L185.5,33.443336563873515L181.41253794164072,38.5L178.5,41.629389510956514L171.5,43.12808772676001L164.5,43.748981462094264L162.4710891158735,45.5L157.5,49.25576819371208L155.69980100030514,52.5L151.4654566846208,59.5L150.5,61.00248726195457L148.09411361026304,66.5L144.9474851572974,73.5L143.5,76.92734608637542L141.9928463766715,80.5L139.5870337435344,87.5L138.459936304624,94.5L140.63623992062938,101.5L143.5,104.84719145466462L146.13824321592392,108.5L149.80837802991527,115.5L150.5,118.33523798397081L151.69750849559736,122.5L154.48743034758147,129.5L157.5,134.24828602284347L159.90204241228957,136.5L164.5,140.46634647975384L170.66942530658682,143.5L171.5,143.99447183526465L177.83375729964877,150.5L178.5,152.1732557233317L180.9109185506895,157.5L185.5,161.00194546506776L192.5,160.31130250410342L199.5,158.52540500136286Z" fill="rgb(240, 112, 74)" opacity="1" stroke="none"></path><path d="M218.14773288859234,150.5L220.5,149.90672474829051L227.5,147.91388642183077L234.5,145.78936325398388L241.5,143.6741778208962L242.11299005609663,143.5L248.5,141.29745161842777L255.5,139.13866341957603L262.5,137.26888077197577L265.89138185017157,136.5L269.5,135.23530278024626L276.5,133.16226878249137L280,129.5L280,122.5L280,115.5L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L280,59.5L276.5,56.689218210155765L269.5,54.967154076098005L262.5,52.97408332148598L261.04827924398114,52.5L255.5,50.55422487497986L248.5,47.85178507013602L242.6717518959454,45.5L241.5,44.97483152254755L234.5,41.8859684730482L227.5,39.107247801249024L225.6951191604043,38.5L220.5,36.47944356797639L213.5,34.14583631307114L206.5,32.017977886208634L203.4748759040104,31.5L199.5,30.681411695015683L197.58140702321577,31.5L192.5,33.2971164421998L188.2060182764979,38.5L185.5,41.35656485284055L181.63934499693937,45.5L178.5,48.536718965588484L171.5,49.806863426367855L164.5,50.242166788893606L161.50426091650334,52.5L157.5,55.23384905212066L154.91548487167475,59.5L150.5,66.37157682030043L150.44379793283102,66.5L147.31507034785852,73.5L144.38091449795675,80.5L143.5,83.33329843489138L142.13885959260924,87.5L141.3796933572336,94.5L143.5,100.10759155091638L144.0358920360656,101.5L149.0875759398383,108.5L150.5,111.24642341612055L153.20007786636248,115.5L154.85362490913172,122.5L157.1519305744623,129.5L157.5,130.04861244019136L164.38209368240757,136.5L164.5,136.60170979153295L171.5,139.33804458780452L177.44377306810787,143.5L178.5,144.59854489164084L182.0283854655122,150.5L185.5,156.66501318601655L192.5,156.8738202138275L199.5,154.89059481117707L206.5,153.11340493370326L213.5,151.56827068360906Z" fill="rgb(236, 101, 73)" opacity="1" stroke="none"></path><path d="M202.01499239464746,150.5L206.5,149.3107455038432L213.5,147.64863502999594L220.5,145.95473422441177L227.5,144.05364496057274L229.3575788254756,143.5L234.5,141.6601346293845L241.5,139.12469320791865L248.5,136.72628781391583L249.23278957352545,136.5L255.5,133.50390442016084L262.5,130.6035676014678L265.6344442446198,129.5L269.23019745608724,122.5L268.4065107062063,115.5L269.5,115.00880671792288L276.5,112.33664226883984L280,108.5L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L280,66.5L276.5,62.92243917647914L269.5,61.2364395334561L263.27678588265746,59.5L262.5,59.27459067535414L255.5,56.94469079531025L248.5,54.38472602613777L243.57747351665844,52.5L241.5,51.64728193863613L234.5,48.82189816696075L227.5,46.279248635271244L224.96857434136396,45.5L220.5,43.96835646040809L213.5,41.90743893767661L206.5,40.02512066903455L199.5,38.957331853257L192.5,41.09600916770662L188.32409402903133,45.5L185.5,48.19323628985003L181.04994388415807,52.5L178.5,54.80636619004157L171.5,55.913037519900705L164.5,56.19415231775076L159.63025996984913,59.5L157.5,60.85091240892646L153.8738651354032,66.5L150.5,71.67107940345906L149.68265553841965,73.5L146.80965959664476,80.5L144.689993767495,87.5L144.25378854527446,94.5L147.00779803071597,101.5L150.5,106.3494398937348L152.58900667677057,108.5L156.8404701739594,115.5L157.5,119.20080985180549L158.65305541962132,122.5L162.4511909645945,129.5L164.5,131.3885306107853L171.5,134.0043977865647L175.33837169268398,136.5L178.5,138.4352291098902L182.1267338580133,143.5L185.5,149.31147935656497L187.40559878296145,150.5L192.5,152.4094624281302L199.5,151.1049327503147Z" fill="rgb(231, 91, 73)" opacity="1" stroke="none"></path><path d="M213.9071737197724,143.5L220.5,141.67466376212278L227.5,139.4620146391492L234.5,137.0262120491721L235.96819554459535,136.5L241.5,133.4372971193817L248.5,129.75423980371895L249.03350123005907,129.5L251.47639345959482,122.5L250.60147243803186,115.5L255.5,112.5973563515365L262.5,108.92431063448947L263.44066588927376,108.5L269.5,107.06956316663107L276.5,105.65415463027594L280,101.5L280,94.5L280,87.5L280,80.5L280,73.5L276.5,69.0681210462062L269.5,67.30814690083511L266.73706199895986,66.5L262.5,65.291664608059L255.5,63.011152431228076L248.5,60.50529322374629L245.82828567246406,59.5L241.5,57.811274099802446L234.5,55.13515207482024L227.5,52.72594367790723L226.7279539544399,52.5L220.5,50.5412221340727L213.5,48.65234390749433L206.5,46.92362865400739L199.5,45.93123765246578L192.5,47.84753954694592L187.62562570858907,52.5L185.5,54.40212332327129L179.87226230738247,59.5L178.5,60.70201648427325L171.5,61.69203655732734L164.5,61.83593008506192L157.5,66.23579463806725L157.33040725446855,66.5L152.78912645549818,73.5L150.5,77.40338987266594L149.2384046953328,80.5L147.24033725018404,87.5L147.00677909245942,94.5L149.97970402536637,101.5L150.5,102.22250805598604L156.5978172831415,108.5L157.5,110.00912923818335L164.5,115.3456051202107L167.4277385396902,115.5L171.5,120.61820615384627L171.72508460229102,122.5L175.82225089587894,129.5L178.5,130.9882957983658L181.74430976650274,136.5L185.5,141.98107743307628L187.11795536092845,143.5L192.5,147.41006859391666L199.5,146.74900627611086L206.5,145.13741250217657L213.5,143.59485250564364Z" fill="rgb(224, 80, 74)" opacity="1" stroke="none"></path><path d="M221.66279363975553,136.5L227.5,133.73706304595518L234.5,130.05436745990224L235.514201148579,129.5L237.30991489311748,122.5L236.13563740303152,115.5L241.5,112.03279412570552L247.02746304121504,108.5L248.5,108.01520305172366L255.5,105.85768540370087L262.5,103.92404071305019L269.5,102.24432478182983L273.1253696217731,101.5L276.5,100.60772672555882L280,94.5L280,87.5L280,80.5L276.5,75.61833305473114L269.62207186818364,73.5L269.5,73.46873442024423L262.5,71.37826209944751L255.5,68.99837889584572L248.81475778296524,66.5L248.5,66.38556590618343L241.5,63.70057967429805L234.5,61.08153213824921L229.8231959418447,59.5L227.5,58.6844117535141L220.5,56.59560316327864L213.5,54.803249691853736L206.5,53.15912454920431L201.68227225981056,52.5L199.5,52.17830600075535L198.33092557510147,52.5L192.5,53.98158555124676L186.34558314320225,59.5L185.5,60.235399772749474L178.5,66.37754122880568L177.5801778681235,66.5L171.5,67.31024626681565L164.5,67.3201705950591L157.5,71.62663580296503L156.28516535709662,73.5L152.22418587670646,80.5L150.5,84.93385981176249L149.7906807328731,87.5L149.7597696396444,94.5L150.5,96.22075090866487L153.9053093002738,101.5L157.5,105.2038546676711L164.5,108.07212775907045L171.5,107.87616097634226L177.39066293459047,108.5L178.5,108.73224182797398L183.10013825343668,115.5L182.46413317697846,122.5L182.81925079533764,129.5L185.5,134.41934026343188L186.88557228385278,136.5L192.5,141.81319797324392L199.5,142.04275083922633L206.5,140.4300872415662L213.5,138.6904314843742L220.5,136.85671007072648Z" fill="rgb(217, 70, 75)" opacity="1" stroke="none"></path><path d="M200.4642029019045,136.5L206.5,134.73718720325493L213.5,132.18333333333334L220.36273301390037,129.5L220.5,128.9466882784507L221.89411126607777,122.5L220.5,117.78265581302443L219.6747614533965,115.5L220.5,115.13834108747943L227.5,111.52720330090806L232.55053867466944,108.5L234.5,107.90950015349836L241.5,105.60167218450142L248.5,103.27952667637132L254.19983144870162,101.5L255.5,100.97627510606915L262.5,98.45913115625106L269.5,96.27097529067089L276.1051581613619,94.5L276.5,93.90546669426126L280,87.5L276.5,85.04270758900724L269.5,81.0620925462872L268.65117820261514,80.5L262.5,78.25236279188022L255.5,75.33880532927668L251.49661587360941,73.5L248.5,72.35845890863952L241.5,69.55734469166941L234.5,66.82598210320799L233.58127447141734,66.5L227.5,64.39844056559096L220.5,62.353608454620066L213.5,60.59729837428071L208.75592165307899,59.5L206.5,58.9569810696663L199.5,57.96044916776757L193.47657122034485,59.5L192.5,59.73840623646601L185.5,65.83045609705552L184.73715810214463,66.5L178.5,72.13466223372956L171.5,72.991193216174L164.5,72.84700399780698L163.42682962670784,73.5L157.5,77.56744319976221L155.8120783809339,80.5L153.20089809962246,87.5L153.3937962040824,94.5L157.5,100.72480796004649L158.960803928176,101.5L164.5,103.66097627852034L171.5,103.29553874926624L178.5,103.92580817953237L184.64519462106892,108.5L185.5,109.7724108573918L189.39021405980645,115.5L188.4779811363126,122.5L188.57438009508616,129.5L192.5,135.2927000951855L198.01019576293916,136.5L199.5,136.68991059647172Z" fill="rgb(209, 60, 75)" opacity="1" stroke="none"></path><path d="M214.46760988418094,108.5L220.5,107.17460754872053L227.5,105.36172413108793L234.5,103.22718149088777L239.690152754981,101.5L241.5,100.72345471041963L248.5,97.70941820062046L255.5,94.86624870258753L256.5088201659477,94.5L259.8831272758613,87.5L255.5,84.15284922145378L251.17051692755732,80.5L248.5,79.25557836193894L241.5,75.82934553518594L236.63231172789386,73.5L234.5,72.65300849192116L227.5,70.12693428544806L220.5,67.99515770255147L214.79475324482817,66.5L213.5,66.16850658684339L206.5,64.50672409940898L199.5,63.51927335753296L192.5,65.23700804138917L191.0515179762822,66.5L185.5,71.50027819425235L183.289693953374,73.5L178.5,78.70671732125373L171.5,79.61149323387778L164.5,79.21842148999905L162.59753584996906,80.5L157.5,85.96268018779675L156.94241209360115,87.5L157.35184031060265,94.5L157.5,94.72460298118557L164.5,98.47175335326631L171.5,97.84242779540686L178.5,98.56191040202097L181.52890629836378,101.5L185.5,104.46063612310262L190.98432475940697,108.5L192.5,110.72621133437802L199.5,113.4583959451401L206.5,111.72539250379992L213.5,108.92498236578842Z" fill="rgb(200, 49, 74)" opacity="1" stroke="none"></path><path d="M224.45547081406244,101.5L227.5,100.47459999745472L234.5,97.7095653930435L241.5,94.68635984403552L241.93015039244415,94.5L244.67357313605442,87.5L241.5,84.67343506262515L236.72696768943965,80.5L234.5,79.41868004469829L227.5,76.33401501894113L220.5,73.73470224014984L219.7694890144381,73.5L213.5,71.81722865698084L206.5,70.08391310471599L199.5,69.04401699895419L192.5,70.800443947947L189.50848455476424,73.5L185.5,77.86537046970243L183.0738986238411,80.5L179.44186849503492,87.5L180.55282109759537,94.5L185.5,99.30072506101378L187.77018766388275,101.5L192.5,105.00520647246154L199.5,106.39256834273836L206.5,105.51979534941793L213.5,104.09699522805721L220.5,102.53408406960754Z" fill="rgb(190, 37, 73)" opacity="1" stroke="none"></path><path d="M202.09497807721104,101.5L206.5,100.77902683212855L213.5,98.91364805915718L220.5,96.87535748759227L227.4889713161191,94.5L227.5,94.47680494152328L230.36963167397477,87.5L227.5,85.2146456595867L220.5,80.5037744419603L220.49350110421526,80.5L213.5,78.21173097684833L206.5,76.10043439334527L199.5,74.82258356181349L192.5,76.92153301121762L189.20960531161654,80.5L185.60523362803173,87.5L186.71511409236427,94.5L192.5,100.10777508929601L197.86152099470428,101.5L199.5,101.8299555745491Z" fill="rgb(180, 25, 71)" opacity="1" stroke="none"></path><path d="M207.99792185986442,94.5L212.08846328316545,87.5L206.5,84.46694157048023L199.5,82.14392147151757L192.5,85.85580890045865L191.64704935448438,87.5L192.5,92.75636040834446L193.5354198789453,94.5L199.5,96.07699948730456L206.5,94.90598813295294Z" fill="rgb(169, 13, 69)" opacity="1" stroke="none"></path></g><g id="distribution"><path d="M128.799999833107,151.200000166893L128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893C128.799999833107,151.200000166893,128.799999833107,151.200000166893,128.799999833107,151.200000166893L128.799999833107,151.200000166893" stroke="rgb(0, 0, 0)" stroke-width="1" fill="rgb(255, 255, 255)" opacity="0.16666666666666666"></path><path d="M156.00353801250458,151.200000166893L155.98088728240506,150.82261057905677C155.95823655230552,150.44522099122057,155.91293509210647,149.69044181554813,155.82255849031617,148.93943339188894C155.73218188852584,148.18842496822975,155.5967301451443,147.44118729658382,155.41687995469422,146.7014534528567C155.23702976424417,145.96171960912957,155.01278112672563,145.2294895933213,154.74525435126822,144.50842150556926C154.47772757581083,143.78735341781723,154.1669226624146,143.07744725812145,153.81439234105764,142.38224960032395C153.46186201970067,141.6870519425264,153.06760629038297,141.0065627866271,152.63359478956642,140.34418174397896C152.19958328874986,139.68180070133084,151.72581601643444,139.03752777193392,151.21465983560933,138.41458163685928C150.7035036547842,137.79163550178464,150.1549585654494,137.19001616103233,149.5717650082087,136.61272920539423C148.98857145096807,136.03544224975613,148.37072942582157,135.48248767923232,147.72132556941116,134.9566279634658C147.07192171300076,134.43076824769926,146.39095602532646,133.9320033866901,145.68183049841522,133.46282512724903C144.97270497150393,132.9936468678079,144.2354196053557,132.5540552099349,143.47365775580275,132.14624628089783C142.7118959062498,131.73843735186074,141.92565757329206,131.36241115165964,141.11887067369312,131.02004624504184C140.31208377409422,130.677681338424,139.4847483078541,130.3689777253895,138.6409975062217,130.09547763816707C137.79724670458936,129.82197755094467,136.93708056756472,129.58368098953434,136.06479634300186,129.38177844417174C135.192512118439,129.17987589880912,134.3081098063379,129.01436736949424,133.41600773447757,128.88607970948456C132.52390566261724,128.75779204947494,131.62410383099765,128.66672525877053,130.72109750085215,128.6133342920064C129.81809117070662,128.5599433252423,128.91188034203518,128.54422818241844,128.00699229436108,128.56626737379105C127.10210424668698,128.58830656516363,126.19853898001024,128.6481000907327,125.3008105570637,128.74534923192698C124.40308213411716,128.8425983731213,123.51119055490081,128.97730312994085,122.62959156233437,129.14879053968434C121.74799256976792,129.32027794942783,120.87668616385133,129.52854801209529,120.02002524738079,129.77256024487602C119.16336433091026,130.01657247765675,118.32134890388575,130.29632688055082,117.49818553621407,130.61042584679853C116.67502216854238,130.9245248130463,115.8707108602235,131.27296834264772,115.0892698176188,131.65401566931905C114.3078287750141,132.0350629959904,113.54925799812357,132.44871411973156,112.81734718117349,132.89290250789585C112.08543636422341,133.33709089606018,111.3801855072138,133.81181654864758,110.70511792686376,134.3147078147595C110.03005034651373,134.81759908087136,109.3851660428233,135.34865596050778,108.7736867511885,135.90522538127001C108.1622074595537,136.46179480203227,107.58413317997451,137.0438767639204,107.0423518760088,137.64856328165817C106.50057057204303,138.25324979939592,105.99508224369072,138.8805408729833,105.5284122270942,139.52730265989408C105.06174221049764,140.17406444680486,104.63389050565688,140.8402969470391,104.24699458897476,141.52267177313914C103.86009867229266,142.20504659923918,103.51415854376923,142.9035637512051,103.21090246311026,143.61473355279514C102.90764638245128,144.3259033543852,102.64707434965679,145.0497258055994,102.43048813953574,145.78258480910344C102.21390192941472,146.51544381260746,102.04130154196719,147.2573393684013,101.91354926020176,148.00456508890727C101.78579697843634,148.75179080941325,101.70289280235302,149.50434669463138,101.66525090751328,150.25847309973997C101.62760901267355,151.01259950484862,101.63522939907743,151.76829642984777,101.68807399653387,152.52178853780023C101.74091859399033,153.2752806457527,101.8389874024994,154.02656793665847,101.98179048650235,154.77189710338348C102.12459357050533,155.51722627010852,102.31213093000218,156.25659731265276,102.54346565934071,156.9863164554895C102.77480038867925,157.71603559832621,103.04993248785945,158.43610284145544,103.36748744238712,159.1429208479417C103.68504239691474,159.849738854428,104.04502020678984,160.54330762427136,104.44562248237067,161.22016220252937C104.8462247579515,161.89701678078737,105.28745149923806,162.55715716746002,105.76709841035597,163.1972854102822C106.2467453214739,163.83741365310433,106.76481240242317,164.45752975207597,107.31871147569247,165.05453570965824C107.87261054896179,165.65154166724054,108.46234161455112,166.2254374834334,109.0849584735264,166.7733560695916C109.70757533250168,167.32127465574976,110.36307798486287,167.84321601187324,111.04819164769901,168.33657260521224C111.73330531053513,168.82992919855118,112.4480299838462,169.2947010291057,113.18879502129259,169.72856617362686C113.929560058739,170.162431318148,114.69636546032075,170.56538977663584,115.48538039298761,170.93542843523187C116.27439532565448,171.3054670938279,117.08561978940645,171.64258595253213,117.91500104090026,171.94510082124484C118.74438229239405,172.24761568995754,119.59192033162964,172.51552656867875,120.45338099864243,172.7474950189381C121.3148416656552,172.97946346919744,122.19022496044516,173.17548949099498,123.07515761275319,173.33459377072452C123.9600902650612,173.49369805045413,124.85457227488727,173.61588058811574,125.7541349579485,173.70053097994537C126.65369764100973,173.785181371775,127.55834099730613,173.8322996177726,128.46354557814732,173.8416503229688C129.3687501589885,173.851001028165,130.27451596437447,173.82258419255982,131.1763179380447,173.75654178196723C132.0781199117149,173.6904993713746,132.97595805366942,173.58683138579462,133.86534691294386,173.4460557333491C134.7547357722183,173.30528008090366,135.63567534881273,173.12739676159268,136.50376461420242,172.9132944510793C137.37185387959212,172.69919214056594,138.22709283377708,172.44887083885013,139.0652088442944,172.1635811097827C139.9033248548117,171.8782913807153,140.72431792166137,171.5580332242962,141.5240864991735,171.2044065973433C142.32385507668565,170.8507799703904,143.1023991648603,170.46378487290372,143.85582928610913,170.04535466842847C144.60925940735797,169.6269244639532,145.337575561681,169.1770591524894,146.0371392019459,168.69800618678025C146.73670284221078,168.2189532210711,147.40751396841753,167.71071260111663,148.04622131904995,167.1758234130531C148.68492866968236,166.64093422498956,149.29153224474044,166.079396468817,149.86300155302146,165.49401549435538C150.43447086130246,164.90863451989375,150.97080590280638,164.29941032714305,151.46932723631025,163.66938649947892C151.96784856981412,163.03936267181476,152.42855619531795,162.38853920923717,152.84914849366962,161.72016751819834C153.26974079202122,161.0517958271595,153.65021776322067,160.3658759076595,153.98867860720426,159.66583450224854C154.32713945118783,158.9657930968376,154.62358416795556,158.25163020551577,154.8765317686983,157.52691366805263C155.12947936944101,156.80219713058952,155.33892985415872,156.0669269469851,155.50383684284733,155.32477640555268C155.66874383153595,154.58262586412027,155.7891073241955,153.83359496485983,155.86432600471002,153.08142574234577C155.93954468522455,152.32925651983172,155.96961855359407,151.573948974064,155.98465548777884,151.19629520118016L155.99969242196363,150.8186414282963" stroke="rgb(0, 0, 0)" stroke-width="1" fill="rgb(255, 255, 255)" opacity="0.16666666666666666"></path><path d="M183.20707619190216,151.200000166893L183.1617747317031,150.44522099122057C183.11647327150402,149.69044181554816,183.0258703511059,148.18088346420328,182.84511714752526,146.6788666168849C182.66436394394466,145.1768497695665,182.3934604571816,143.6823744262746,182.03376007628148,142.2029067388204C181.67405969538137,140.72343905136614,181.22556242034423,139.25897901974955,180.69050886942944,137.81684284424549C180.15545531851467,136.37470666874142,179.5338454917222,134.95489434934993,178.82878484900826,133.56449903375486C178.12372420629436,132.17410371815978,177.33521274765897,130.81312540636117,176.46718974602587,129.48836332106492C175.59916674439273,128.1636012357687,174.65163219976185,126.87505537697484,173.62931983811163,125.62916310682557C172.60700747646138,124.38327083667632,171.5099172977917,123.18003215517167,170.34353018331038,122.02545824389547C169.17714306882908,120.87088433261931,167.9414590185361,119.76497519157162,166.6426513057153,118.71325576003859C165.3438435928945,117.66153632850558,163.9819122175459,116.66400660648725,162.56366116372337,115.72565008760506C161.14541010990084,114.78729356872286,159.67083937760438,113.90811025297677,158.14731567849847,113.09249239490264C156.62379197939254,112.27687453682847,155.05131531347712,111.52482213642627,153.43774151427928,110.84009232319063C151.82416771508144,110.15536250995501,150.1694967826012,109.53795528388599,148.48199517933642,108.99095510944115C146.7944935760717,108.44395493499633,145.07416130202242,107.96736181217567,143.3295928528967,107.56355672145044C141.585024403771,107.15975163072521,139.81621977956883,106.82873457209541,138.03201563584818,106.57215925207613C136.2478114921275,106.31558393205687,134.44820782888834,106.13345035064806,132.64219516859728,106.02666841711984C130.83618250830625,105.91988648359158,129.02376085096333,105.88845619794388,127.21398475561513,105.93253458068905C125.40420866026695,105.97661296343426,123.59707812691347,106.09620001457233,121.80162128102042,106.29069829696095C120.00616443512733,106.48519657934958,118.22238127669465,106.75460609298871,116.45918329156173,107.09758091247572C114.69598530642882,107.44055573196272,112.95337249459567,107.85709585729758,111.24005066165459,108.34512032285905C109.52672882871353,108.83314478842051,107.84269797466453,109.39265359420862,106.19637123932115,110.0208515267041C104.55004450397776,110.64904945919959,102.94142188734001,111.34593651840248,101.37853980213059,112.10803117174514C99.81565771692118,112.87012582508778,98.29851616314015,113.69742807257016,96.83469452923998,114.58580484889876C95.37087289533984,115.47418162522736,93.96037118132058,116.42363293040216,92.61023602062052,117.42941546262595C91.26010085992046,118.43519799484973,89.9703322525396,119.4973117541225,88.74737366927,120.61045059564702C87.52441508600039,121.72358943717154,86.36826652684205,122.8877533609478,85.28470391891058,124.09712639642329C84.2011413109791,125.30649943189881,83.19016465427448,126.56108157907356,82.25682462108139,127.85460515289515C81.3234845878883,129.14812872671675,80.46778117820678,130.48059372718515,79.69398934484255,131.84534337938527C78.92019751147835,133.2100930315854,78.22831725443145,134.60712733551716,77.62180509311351,136.02946693869725C77.01529293179557,137.45180654187735,76.49414886620656,138.89945144430575,76.06097644596451,140.3651694513138C75.62780402572247,141.83088745832185,75.28260325082739,143.3146785699096,75.02709868729653,144.80913001092156C74.77159412376567,146.30358145193352,74.60578577159903,147.80869322236973,74.53050198191957,149.31694603258697C74.45521819224011,150.8251988428042,74.47045896504784,152.3365926928025,74.57614815996077,153.84357690870743C74.68183735487368,155.35056112461237,74.8779749718918,156.85313570642393,75.16358113989773,158.34379403987398C75.44918730790367,159.834452373324,75.82426202689739,161.31319445841254,76.28693148557447,162.772632744086C76.74960094425153,164.23207102975945,77.2998651426119,165.67220551601784,77.9349750516672,167.08584152899041C78.5700849607225,168.499477541963,79.29004058047269,169.88661508164975,80.09124513163435,171.24032423816575C80.89244968279601,172.5940333946818,81.77490316536914,173.91431416802706,82.73419698760496,175.19457065367135C83.69349080984081,176.47482713931564,84.72962497173934,177.71505933725896,85.83742311827795,178.90907125242356C86.94522126481657,180.1030831675881,88.12468339599525,181.25087479997387,89.3699171139458,182.34671197229022C90.61515083189634,183.44254914460657,91.92615613661876,184.48643185685344,93.29638346229103,185.47314504353142C94.66661078796328,186.4598582302094,96.0960601345854,187.38940189131839,97.5775902094782,188.2571321803607C99.05912028437099,189.12486246940298,100.59273108753449,189.93077938637862,102.1707609528682,190.67085670357065C103.74879081820195,191.4109340207627,105.37123974570595,192.0851717381712,107.0300022486935,192.69020147559664C108.6887647516811,193.29523121302205,110.3838408301523,193.83105297046447,112.10676216417785,194.2949898709832C113.82968349820341,194.7589267715019,115.58045008778335,195.15097881509692,117.3503153923994,195.46918737455607C119.12018069701541,195.7873959340152,120.90914471666751,196.03176100933845,122.70827008278997,196.2010617929977C124.50739544891242,196.37036257665693,126.31668216150524,196.46459906865218,128.1270913231876,196.4833004790446C129.93750048487,196.502001889437,131.74903209564192,196.4451682182266,133.55263604298239,196.3130833970414C135.35623999032285,196.1809985758562,137.1519162742318,195.97366260469622,138.93069399278073,195.69211129980525C140.70947171132966,195.41055999491428,142.4713508645185,195.05479335629232,144.20752939529788,194.62658873526559C145.94370792607728,194.19838411423885,147.65418583444716,193.69774151080728,149.33041785548176,193.12716205267245C151.00664987651638,192.55658259453756,152.64863601021568,191.9160662816994,154.24817316524,191.20881302779358C155.8477103202643,190.50155977388783,157.40479849661358,189.72756957891443,158.91165873911126,188.8907091699639C160.41851898160894,188.05384876101343,161.875151290255,187.15411813808578,163.2742785707848,186.19601220666746C164.67340585131456,185.2379062752492,166.01502810372804,184.22142503534027,167.2924428049929,183.15164665921318C168.56985750625773,182.08186828308612,169.7830646563739,180.95879277074098,170.9260032729359,179.78803082181773C172.06894188949795,178.61726887289447,173.14161197250576,177.3988204873931,174.13865463951353,176.13877283206477C175.13569730652125,174.87872517673654,176.05711255752894,173.57707825158136,176.8982971542322,172.2403348695037C177.73948175093548,170.90359148742604,178.50043569333434,169.53175164842597,179.1773573813015,168.13166883760405C179.85427906926864,166.7315860267822,180.44716850280415,165.3032602441385,180.95306370428958,163.85382716921228C181.45895890577503,162.404394094286,181.87785987521048,160.93385372707718,182.20767385258773,159.44955264421233C182.53748782996493,157.96525156134751,182.77821481528397,156.46718976282668,182.92865217631308,154.96285131779857C183.07908953734213,153.45851287277043,183.1392372740812,151.947897781235,183.16931114245074,151.1925902354673L183.1993850108203,150.4372826896996" stroke="rgb(0, 0, 0)" stroke-width="1" fill="rgb(255, 255, 255)" opacity="0.16666666666666666"></path><path d="M210.41061437129974,151.200000166893L210.34266218100115,150.06783140338436C210.27470999070252,148.9356626398757,210.13880561010535,146.6713251128584,209.86767580473443,144.41829984188084C209.59654599936354,142.16527457090325,209.1901907692189,139.92356155596542,208.65064019786874,137.70436002478405C208.11108962651858,135.4851584936027,207.4383437139629,133.28846844617783,206.63576338759069,131.12526418292177C205.8331830612185,128.96205991966568,204.9007683210298,126.83234144057842,203.8431773569589,124.74674846718581C202.78558639288804,122.66115549379322,201.60281920493495,120.61968802609529,200.3007847024853,118.63254489815093C198.9987502000356,116.64540177020656,197.57744838308932,114.71258298201576,196.04397984061393,112.84374457679188C194.51051129813857,110.97490617156798,192.86487603013407,109.170048149311,191.1152953584121,107.43818728239675C189.36571468669015,105.70632641548247,187.5121886112507,104.04746270391092,185.56397704201947,102.46988355661138C183.61576547278824,100.89230440931186,181.57286840976533,99.39600982628434,179.44549182903154,97.98847504796102C177.31811524829774,96.58094026963772,175.10625914985312,95.26216529601862,172.8209736011942,94.0387385089074C170.5356880525353,92.8153117217962,168.1769730536622,91.68723312119288,165.75661235486544,90.66013840133944C163.3362516560687,89.63304368148601,160.8542452573483,88.70693284238246,158.32299285245116,87.88643258071522C155.79174044755402,87.06593231904795,153.21124203648014,86.35104263481696,150.59438936279156,85.74533499872912C147.977536689103,85.1396273626413,145.32432975279974,84.64310177469662,142.64802353721873,84.25823879466769C139.97171732163773,83.87337581463876,137.27231182677903,83.6001754425256,134.56329283634247,83.44000254223323C131.8542738459059,83.27982964194086,129.13564135989154,83.2326842134693,126.42097721686923,83.2988017875871C123.70631307384694,83.36491936170488,120.99561727381672,83.54429993841201,118.30243200497712,83.83604736199494C115.60924673613751,84.12779478557788,112.93357199848849,84.53190905603658,110.2887750207891,85.04637128526709C107.64397804308975,85.56083351449759,105.03005882534,86.18564370249987,102.4600760759284,86.91768040084207C99.8900933265168,87.64971709918427,97.36404704544331,88.48898030786638,94.89455694242825,89.43127720660964C92.42506683941316,90.37357410535287,90.01213291445652,91.4189046941572,87.66780978664241,92.56204667417116C85.32348665882829,93.70518865418512,83.04777432815673,94.94614202540872,80.85204187730652,96.27870718990164C78.65630942645627,97.61127235439453,76.5405568554274,99.03544931215674,74.5153541143773,100.54412311049244C72.49015137332721,102.05279690882811,70.55549846225591,103.6459675477373,68.7210605873515,105.31567581002408C66.88662271244709,106.98538407231082,65.15239987370957,108.73162995797519,63.52705596181235,110.54568951118843C61.901712049915126,112.35974906440168,60.38524706485821,114.24162228516383,58.985237015068584,116.18190764589623C57.58522696527896,118.12219300662862,56.30167185075664,120.12089050733128,55.14098410071032,122.16801498563144C53.98029635066401,124.2151394639316,52.9424759650937,126.31069091982926,52.03270772311678,128.4442003245994C51.122939481139866,130.57770972936953,50.34122338275635,132.7491770830121,49.69146475239327,134.94775409352422C49.041706122030206,137.1463311040363,48.52390495968757,139.3720177714179,48.140648114391276,141.61369493293583C47.75739126909499,143.85537209445377,47.508678740845035,146.1130397501081,47.395753056325866,148.37541896543397C47.28282737180668,150.63779818075983,47.30568853101827,152.90488895575726,47.464222323387645,155.16536527961466C47.62275611575703,157.42584160347204,47.9169625412842,159.67970347618942,48.34537179329309,161.91569097636446C48.77378104530198,164.15167847653953,49.33639312379259,166.3697916041723,50.030397311808194,168.55894903268248C50.724401499823784,170.74810646119263,51.549797797364384,172.90830819058024,52.502462660947316,175.0287622100391C53.45512752453025,177.14921622949797,54.53506095415554,179.22992253902814,55.736867780898024,181.26048627380214C56.938674607640515,183.29105000857615,58.26235483150021,185.27147116859408,59.70129556485397,187.1918558970605C61.14023629820772,189.11224062552697,62.69443754105553,190.972588922442,64.35613476086344,192.7636067951888C66.01783198067136,194.55462466793563,67.78702517743938,196.2763121165143,69.6548757543652,197.92006787498883C71.52272633129103,199.56382363346333,73.48923428837465,201.1296477018337,75.54457527688304,202.60971748185065C77.59991626539143,204.0897872618676,79.7440902853246,205.48410275353112,81.9663853976638,206.78569818709457C84.188680510003,208.08729362065802,86.48909671474821,209.29616899612142,88.85614151274883,210.4062849719095C91.22318631074944,211.51640094769758,93.65685970200542,212.52775752381032,96.14500345648679,213.43530212994847C98.63314721096816,214.34284673608659,101.17576132867494,215.14657937225016,103.76014332971327,215.8424847230282C106.34452533075161,216.5383900738063,108.97067521512155,217.12646813919886,111.62547317204557,217.6037809783876C114.28027112896962,218.08109381757632,116.9637171584478,218.44764143056122,119.66240520763148,218.70159260605007C122.36109325681518,218.95554378153895,125.07502332570436,219.09689851953178,127.79063706822792,219.1249506351204C130.50625081075148,219.153002750709,133.2235482269094,219.0677522438934,135.92895414792008,218.86962501211562C138.63436006893076,218.67149778033777,141.32787449479423,218.3604938235978,143.9960410726176,217.93816686626133C146.664207650441,217.5158399089249,149.3070263802243,216.98218995099202,151.91129417639334,216.3398830194519C154.5155619725624,215.69757608791178,157.08127883511725,214.94661218276443,159.59562686666916,214.0907429955621C162.10997489822105,213.23487380835982,164.57295409877005,212.27409933910258,166.9722598313065,211.2132194582439C169.37156556384295,210.15233957738528,171.70719782836684,208.99135428492514,173.96748819211336,207.73606367149932C176.22777855585989,206.4807730580736,178.41272701882903,205.13117712368216,180.5114179396237,203.69401822655473C182.61010886041836,202.25685932942727,184.6225422390386,200.73213746956387,186.53866429093588,199.12746990537326C188.45478634283313,197.5228023411827,190.27459706800732,195.83818907266496,191.98900499285037,194.0820461492801C193.70341291769333,192.32590322589522,195.31241804220508,190.49823064764314,196.80798204271673,188.60815916465071C198.30354604322838,186.7180876816583,199.68566891973992,184.76561729392552,200.94744581479483,182.76050222080906C202.20922270984974,180.75538714769257,203.35065362344798,178.69762738919243,204.36603615539875,176.59750317295962C205.38141868734945,174.49737895672675,206.2707528376527,172.35489028276126,207.02959563988088,170.18074067037188C207.78843844210908,168.0065910579825,208.41678989626226,165.80078050716926,208.9115108623281,163.574328882872C209.40623182839394,161.34787725857475,209.7673223063725,159.10078456079353,209.99297834791608,156.8442768932513C210.21863438945965,154.58776922570914,210.3088559945683,152.32184658840603,210.35396679712258,151.18888526975445L210.3990775996769,150.0559239511029" stroke="rgb(0, 0, 0)" stroke-width="1" fill="rgb(255, 255, 255)" opacity="0.16666666666666666"></path><path d="M237.61415255069733,151.200000166893L237.5235496302992,149.69044181554813C237.43294670990107,148.18088346420325,237.2517408691048,145.16176676151352,236.89023446194358,142.15773306687674C236.5287280547824,139.15369937224,235.9869210812562,136.16474868565624,235.267520319456,133.20581331074774C234.54811955765578,130.24687793583925,233.65112500758153,127.31795787260607,232.58101790575196,124.43368552159798C231.51091080392234,121.5494131705899,230.2676911503374,118.7097885318069,228.85756986490955,115.92899790061676C227.44744857948172,113.14820726942663,225.87042566221098,110.4262506458294,224.1343796589447,107.77672647523691C222.39833365567847,105.12720230464441,220.50326456641676,102.55011058705668,218.45863984311623,100.05832604675815C216.41401511981576,97.56654150645961,214.21983476247647,95.16006414345031,211.88706053351385,92.85091632089797C209.5542863045512,90.54176849834562,207.08291820396525,88.32995021625023,204.48530277832364,86.2265113531842C201.88768735268204,84.12307249011815,199.16382460198483,82.12801304608146,196.32732249433977,80.25130000831705C193.4908203866947,78.37458697055264,190.54167892210185,76.61622033906052,187.49463152388998,74.98498462291222C184.4475841256781,73.35374890676394,181.30263079384727,71.8496441059595,178.0754831954516,70.48018447948824C174.84833559705592,69.110724853017,171.5389937320954,67.87591040087896,168.16399052556588,66.78191005198929C164.7889873190364,65.6879097030996,161.3483227709379,64.73472345745832,157.85918587268645,63.92711327600788C154.37004897443504,63.119503094557444,150.83243972603066,62.45746897729788,147.26403143858934,61.94431833725931C143.695623151148,61.43116769722073,140.0964158246697,61.066900534403146,136.4843905040876,60.853336667346646C132.87236518350554,60.63977280029015,129.2475218688197,60.576912228994736,125.6279696781233,60.665068994485125C122.00841748742691,60.753225759975514,118.39415642071997,60.992399862251695,114.80324272893381,61.38139642702893C111.21232903714765,61.77039299180617,107.6447627202823,62.30921201908445,104.11836675001648,62.995161658058464C100.59197077975064,63.68111129703246,97.10674515608434,64.51419154770218,93.68010149020222,65.49024047882511C90.25345782432005,66.46628940994806,86.88539611622208,67.5853070215242,83.59274264553532,68.84170288651518C80.30008917484855,70.09809875150616,77.08284394157302,71.49187286991194,73.9570797711542,73.01606217659723C70.83131560073538,74.54025148328252,67.79703249317329,76.1948559782473,64.869389225373,77.97160953090449C61.9417459575727,79.74836308356169,59.12074252953419,81.6472656939113,56.420472208134065,83.65883075835889C53.720201886733946,85.67039582280648,51.14066467197222,87.79462334135206,48.69474750543301,90.0209010244011C46.24883033889379,92.24717870745012,43.936533220577104,94.5755065550026,41.769408004714144,96.9942526259536C39.60228278885118,99.41299869690461,37.58032947544195,101.92216299125414,35.71364940905579,104.50921013889733C33.84696934266963,107.0962572865405,32.13556252330653,109.76118728747736,30.587978856578108,112.49068659187758C29.04039518984968,115.22018589627778,27.65663467575592,118.01425450414133,26.443610353120036,120.85893371050152C25.230586030484147,123.70361291686169,24.188297899306136,126.59890272171849,23.321953058822043,129.5303387357346C22.455608218337943,132.46177474975073,21.765206668547766,135.42935697292617,21.254197541486047,138.4182598549501C20.743188414424324,141.40716273697404,20.41157171009106,144.41738627784645,20.26100413073215,147.43389189828093C20.11043655137324,150.45039751871545,20.140918096988685,153.47318521871202,20.352296486814527,156.4871536505219C20.56367487664037,159.50112208233173,20.95595011067661,162.50627124595488,21.527162446688465,165.48758791285496C22.098374782700322,168.46890457975505,22.848524220687796,171.42638874993204,23.77386313804193,174.34526532127896C24.699202055396054,177.26414189262587,25.799730452116837,180.1444108651427,27.06995027022742,182.97168289108785C28.340170088338002,185.798954917033,29.780081327838378,188.57322999640652,31.3824904301617,191.28064830943853C32.984899532485024,193.98806662247057,34.74980649763128,196.6286281691611,36.668394142102954,199.1891411404497C38.586981786574626,201.7496541117383,40.65925011037171,204.23011850762495,42.87484640344892,206.61814233795403C45.09044269652615,209.00616616828316,47.4493669588835,211.30174943305474,49.939834394784604,213.4934237776874C52.43030183068569,215.6850981223201,55.05231244013053,217.7728635468139,57.79276709147505,219.74628992016983C60.53322174281957,221.71971629352575,63.3921204360638,223.5788036157438,66.3551805858494,225.31426419382845C69.318240735635,227.04972477191305,72.38546234196197,228.66155860586426,75.54152207262945,230.14171324024835C78.69758180329693,231.62186787463244,81.94247965830489,232.9703433094494,85.26000466428005,234.1804027843003C88.57752967025522,235.39046225915112,91.96768182719757,236.4621057740359,95.4135244952487,237.3899795750733C98.85936716329981,238.31785337611075,102.36090034245969,239.1019574633008,105.90063095169175,239.7383745822191C109.4403615609238,240.3747917011374,113.01828960022804,240.86352185178396,116.61654033247295,241.20212341910243C120.21479106471787,241.54072498642094,123.83336448990347,241.72919797041132,127.45418281326822,241.7666007911962C131.07500113663298,241.804003611981,134.69806435817688,241.69033626956016,138.30527225285778,241.4261666271898C141.91248014753867,241.1619969848194,145.50383271535665,240.74732504249937,149.06138815245447,240.18422243271746C152.6189435895523,239.62111982293553,156.14270189593003,238.90958654569167,159.6150589574888,238.05317730363814C163.08741601904754,237.19676806158466,166.50837183578733,236.19548285472152,169.86083587785654,235.05432393845183C173.2132999199258,233.91316502218208,176.4972721873244,232.6321323965058,179.696346497373,231.21762588869424C182.8954208074216,229.8031193808827,186.00959716012017,228.25513899093588,189.0233176451155,226.58141817303485C192.03703813011086,224.90769735513382,194.95030274740301,223.10823610927855,197.7485573084626,221.19202424644197C200.54681186952214,219.2758123836054,203.23005637434918,217.2428499037875,205.78488577687884,215.1032931515334C208.3397151794085,212.96373639927927,210.76612947964085,210.717585374589,213.05200671276484,208.37606147674242C215.33788394588882,206.0345375788959,217.48322411190452,203.59764080789316,219.47730944592004,201.07754549723657C221.47139477993554,198.55745018658,223.31422528195094,195.95415633626968,224.99659447535745,193.28066957211436C226.678963668764,190.60718280795913,228.20087155356168,187.8635031299589,229.554714929496,185.06333750831513C230.90855830543032,182.26317188667136,232.09433717250127,179.40652032138402,233.1061275754722,176.5076541715315C234.1179179784431,173.60878802167903,234.95571991731398,170.66770728726135,235.61534787206844,167.6991051215317C236.2749758268229,164.73050295580202,236.75642979746098,161.73437935876035,237.0573045195191,158.7257024687041C237.3581792415772,155.71702557864785,237.4784747150554,152.69579539557702,237.53862245179448,151.1851803040416L237.59877018853356,149.6745652125062" stroke="rgb(0, 0, 0)" stroke-width="1" fill="rgb(255, 255, 255)" opacity="0.16666666666666666"></path></g><g id="mean"></g><g id="pts"></g><text transform="translate(140 ,295)" color="grey" opacity="0.3">w1</text><text transform="translate(295,140)rotate(-90)" color="grey" opacity="0.3">w2</text><circle cx="128.799999833107" cy="151.200000166893" r="4" stroke="rgb(0, 0, 0)" fill="rgb(47, 79, 79)" opacity="0.75"></circle></svg> HERE ARE SOME IDEAS FOR EXTRA STUFF TO TALK ABOUT, SPACE PERMITTING ### Automatic Differentiation Variational Inference The reparameterization trick \[4\] \[6\] ADVI \[7\] Bayes by backprop \[2\] ### Connection to Dropout Dropout can be seen as an approximation to stochastic variational inference, where we add weights that can turn off each unit entirely, and integrate out these weights. \[8\] \[9\] ### Connection to Ensembles asdf ### Connection to Gradient Noise asdf ## Conclusion TODO: OUTRO To recap, we started with a standard maximum-likelihood optimization procedure, which overfits sometimes. To fix this, we argued that we should instead integrate over all possible parameter values. However, because this was too expensive to do exactly, we turned this integration problem into an optimization problem, with extra noise. Why not just add noise to SGA in the first place, and skip all the math? \[citations, e.g. dropout, and\] The answer is that this theory tells us how to tune the amount of noise on a per-parameter basis, automatically. Also: Overfitting, small data, and uncertainty.